Source code for k1lib.viz

# AUTOGENERATED FILE! PLEASE DON'T EDIT HERE. EDIT THE SOURCE NOTEBOOKS INSTEAD
"""
This module is for nice visualization tools. This is exposed automatically with::

   from k1lib.imports import *
   viz.mask # exposed
"""
import k1lib, base64, io, os, matplotlib as mpl, warnings, json, html
import k1lib.cli as cli
plt = k1lib.dep.plt; import numpy as np
from typing import Callable, List, Union
from functools import partial, update_wrapper
try: import torch; import torch.nn as nn; hasTorch = True
except:
    torch = k1lib.Object().withAutoDeclare(lambda: type("RandomClass", (object, ), {}))
    nn = k1lib.Object().withAutoDeclare(lambda: type("RandomClass", (object, ), {})); hasTorch = False
try: import PIL; hasPIL = True
except: hasPIL = False
__all__ = ["daisyUI", "SliceablePlot", "plotSegments", "Carousel", "Toggle", "ToggleImage",
           "Scroll", "confusionMatrix", "FAnim", "mask", "PDF", "Html", "onload",
           "Clipboard", "Download", "qrScanner", "Popup", "Table"]
_daisyJs = """
async function dynamicLoad(selector, endpoint, rawHtml=null) { // loads a remote endpoint containing html and put it to the selected element. If .rawHtml is available, then don't send any request, and just use that html directly
    const elem = document.querySelector(selector); elem.innerHTML = rawHtml ? rawHtml : (await (await fetch(endpoint)).text());
    await new Promise(r => setTimeout(r, 100)); let currentScript = "";
    try { for (const script of elem.getElementsByTagName("script")) { currentScript = script.innerHTML; eval(script.innerHTML); }
    } catch (e) { console.log(`Error encountered: `, e, e.stack, currentScript); }
}"""; _daisyHtml = f"""
<head>
    <meta charset="UTF-8"><title>DHCP low level server</title><meta name="viewport" content="width=device-width, initial-scale=1.0">
    <link href="https://static.aigu.vn/daisyui.css" rel="stylesheet" type="text/css" />
    <style>
        h1 {{ font-size: 2.25rem !important; line-height: 2.5rem !important; }}
        h2 {{ font-size: 1.5rem !important; line-height: 2rem !important; margin: 10px 0px !important; }}
        h3 {{ font-size: 1.125rem !important; line-height: 1.75rem !important; margin: 6px 0px !important; }}
        textarea {{ border: 1px solid; padding: 8px 12px !important; border-radius: 10px !important; }}
        body {{ padding: 12px; }}
    </style><script>{_daisyJs}</script>
</head>"""
[docs] def daisyUI(): # daisyUI """Grabs a nice subset of DaisyUI, just enough for a dynamic site that looks good enough""" # daisyUI return _daisyHtml # daisyUI
class _PlotDecorator: # _PlotDecorator """The idea with decorators is that you can do something like this:: sp = k1lib.viz.SliceablePlot() sp.yscale("log") # will format every plot as if ``plt.yscale("log")`` has been called This class is not expected to be used by end users though.""" # _PlotDecorator def __init__(self, sliceablePlot:"SliceablePlot", name:str): # _PlotDecorator """ :param sliceablePlot: the parent plot :param name: the decorator's name, like "yscale" """ # _PlotDecorator self.sliceablePlot = sliceablePlot; self.name = name; self.args, self.kwargs = None, None # _PlotDecorator def __call__(self, *args, **kwargs): # _PlotDecorator """Stores all args, then return the parent :class:`SliceablePlot`""" # _PlotDecorator self.args = args; self.kwargs = kwargs; return self.sliceablePlot # _PlotDecorator def run(self): getattr(plt, self.name)(*self.args, **self.kwargs) # _PlotDecorator
[docs] class SliceablePlot: # SliceablePlot """This is a plot that is "sliceable", meaning you can focus into a particular region of the plot quickly. A minimal example looks something like this:: import numpy as np, matplotlib.pyplot as plt, k1lib x = np.linspace(-2, 2, 100) def normalF(): plt.plot(x, x**2) @k1lib.viz.SliceablePlot.decorate def plotF(_slice): plt.plot(x[_slice], (x**2)[_slice]) plotF()[70:] # plots x^2 equation with x in [0.8, 2] So, ``normalF`` plots the equation :math:`x^2` with x going from -2 to 2. You can convert this into a :class:`SliceablePlot` by adding a term of type :class:`slice` to the args, and decorate with :meth:`decorate`. Now, every time you slice the :class:`SliceablePlot` with a specific range, ``plotF`` will receive it. How intuitive everything is depends on how you slice your data. ``[70:]`` results in x in [0.8, 2] is rather unintuitive. You can change it into something like this:: @k1lib.viz.SliceablePlot.decorate def niceF(_slice): n = 100; r = k1lib.Range(-2, 2) x = np.linspace(*r, n) _slice = r.toRange(k1lib.Range(n), r.bound(_slice)).slice_ plt.plot(x[_slice], (x**2)[_slice]) # this works without a decorator too btw: k1lib.viz.SliceablePlot(niceF) niceF()[0.3:0.7] # plots x^2 equation with x in [0.3, 0.7] niceF()[0.3:] # plots x^2 equation with x in [0.3, 2] The idea is to just take the input :class:`slice`, put some bounds on its parts, then convert that slice from [-2, 2] to [0, 100]. Check out :class:`k1lib.Range` if it's not obvious how this works. A really cool feature of :class:`SliceablePlot` looks like this:: niceF().legend(["A"])[-1:].grid(True).yscale("log") This will plot :math:`x^2` with range in [-1, 2] with a nice grid, and with y axis's scale set to log. Essentially, undefined method calls on a :class:`SliceablePlot` will translate into ``plt`` calls. So the above is roughly equivalent to this:: x = np.linspace(-2, 2, 100) plt.plot(x, x**2) plt.legend(["A"]) plt.grid(True) plt.yscale("log") .. image:: images/SliceablePlot.png This works even if you have multiple axes inside your figure. It's wonderful, isn't it?""" # SliceablePlot def __init__(self, plotF:Callable[[slice], None], slices:Union[slice, List[slice]]=slice(None), plotDecorators:List[_PlotDecorator]=[], docs=""): # SliceablePlot """Creates a new SliceablePlot. Only use params listed below: :param plotF: function that takes in a :class:`slice` or tuple of :class:`slice`s :param docs: optional docs for the function that will be displayed in :meth:`__repr__`""" # SliceablePlot self.plotF = plotF; self.slices = [slices] if isinstance(slices, slice) else slices # SliceablePlot self.docs = docs; self.plotDecorators = list(plotDecorators) # SliceablePlot
[docs] @staticmethod # SliceablePlot def decorate(f): # SliceablePlot """Decorates a plotting function so that it becomes a SliceablePlot.""" # SliceablePlot answer = partial(SliceablePlot, plotF=f); update_wrapper(answer, f); return answer # SliceablePlot
@property # SliceablePlot def squeezedSlices(self) -> Union[List[slice], slice]: # SliceablePlot """If :attr:`slices` only has 1 element, then return that element, else return the entire list.""" # SliceablePlot return k1lib.squeeze(self.slices) # SliceablePlot def __getattr__(self, attr): # SliceablePlot if attr.startswith("_"): raise AttributeError() # SliceablePlot # automatically assume the attribute is a plt.attr method # SliceablePlot dec = _PlotDecorator(self, attr) # SliceablePlot self.plotDecorators.append(dec); return dec # SliceablePlot def __getitem__(self, idx): # SliceablePlot if type(idx) == slice: return SliceablePlot(self.plotF, [idx], self.plotDecorators, self.docs) # SliceablePlot if type(idx) == tuple and all([isinstance(elem, slice) for elem in idx]): return SliceablePlot(self.plotF, idx, self.plotDecorators, self.docs) # SliceablePlot raise Exception(f"Don't understand {idx}") # SliceablePlot def __repr__(self, show=True): # SliceablePlot self.plotF(self.squeezedSlices) # SliceablePlot for ax in plt.gcf().get_axes(): # SliceablePlot plt.sca(ax) # SliceablePlot for decorator in self.plotDecorators: decorator.run() # SliceablePlot if show: plt.show() # SliceablePlot return f"""Sliceable plot. Can... - p[a:b]: to focus on a specific range of the plot - p.yscale("log"): to perform operation as if you're using plt{self.docs}""" # SliceablePlot
[docs] def plotSegments(x:List[float], y:List[float], states:List[int], colors:List[str]=None): # plotSegments """Plots a line graph, with multiple segments with different colors. Idea is, you have a normal line graph, but you want to color parts of the graph red, other parts blue. Then, you can pass a "state" array, with the same length as your data, filled with ints, like this:: y = np.array([ 460800, 921600, 921600, 1445888, 1970176, 1970176, 2301952, 2633728, 2633728, 3043328, 3452928, 3452928, 3457024, 3461120, 3463680, 3463680, 3470336, 3470336, 3467776, 3869184, 3865088, 3865088, 3046400, 2972672, 2972672, 2309632, 2504192, 2504192, 1456128, 1393664, 1393664, 472576]) s = np.array([1, 0, 0, 1, 0, 0, 1, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 1, 0, 0, 1, 0, 0, 1]) plotSegments(None, y, s, colors=["tab:blue", "tab:red"]) .. image:: images/plotSegments.png :param x: (nullable) list of x coordinate at each point :param y: list of y coordinates at each point :param states: list of color at each point :param colors: string colors (matplotlib color strings) to display for each states""" # plotSegments if x is None: x = range(len(y)) # plotSegments if colors is None: colors = ["tab:blue", "tab:red", "tab:green", "tab:orange", "tab:purple", "tab:brown"][:len(x)] # plotSegments _x = []; _y = []; state = -1; count = -1 # stretchs, and bookkeeping nums # plotSegments lx = None; ly = None # last x and y from last stretch, for plot autocompletion # plotSegments while count + 1 < len(x): # plotSegments count += 1 # plotSegments if state != states[count]: # plotSegments if len(_x) > 0 and state >= 0: # plotSegments if lx != None: _x = [lx] + _x; _y = [ly] + _y # plotSegments plt.plot(_x, _y, colors[state]); lx = _x[-1]; ly = _y[-1] # plotSegments _x = [x[count]]; _y = [y[count]]; state = states[count] # plotSegments else: _x.append(x[count]); _y.append(y[count]) # plotSegments if len(_x) > 0 and state >= 0: # plotSegments if lx != None: _x = [lx] + _x; _y = [ly] + _y # plotSegments plt.plot(_x, _y, colors[state]) # plotSegments
class _Carousel: # _Carousel def __init__(self, searchMode, imgs, titles): self.searchMode = searchMode; self.titles = titles; self.imgs:List[Tuple[str, str]] = imgs # Tuple[format, base64 img] # _Carousel def _repr_html_(self): # _Carousel idx = Carousel._idx(); pre = f"k1c_{idx}"; searchMode = self.searchMode # _Carousel imgs = self.imgs | cli.apply(lambda x: f"`{x}`") | cli.deref(); n = len(imgs) # _Carousel titles = self.titles | cli.apply(lambda x: f"`{x}`") | cli.deref() # _Carousel if searchMode > 0: searchBar = f"<input type='text' value='' id='{pre}_search' placeholder='Search in {'content' if searchMode == 1 else 'header'}' style='padding: 4px 4px'>" # _Carousel else: searchBar = "" # _Carousel if n > 0: contents = imgs | cli.apply(k1lib.decode) | cli.insertIdColumn() | ~cli.apply(lambda idx, html: f"<div id='{pre}_content{idx}'>{html}</div>") | cli.deref() | cli.join('\n') # _Carousel else: contents = "(no pages or images are found)" # _Carousel #imgs = [f"\"<img alt='' src='data:image/{fmt};base64, {img}' />\"" for fmt, img in self.imgs] # _Carousel html = f"""<!-- k1lib.Carousel start --> <style> .{pre}_btn {{ cursor: pointer; padding: 6px 12px; /*background: #9e9e9e;*/ background-color: #eee; margin-right: 8px; color: #000; box-shadow: 0 3px 5px rgb(0,0,0,0.3); border-radius: 18px; user-select: none; -webkit-user-select: none; /* Safari */ -ms-user-select: none; /* IE 10+ */ }} .{pre}_btn:hover {{ box-shadow: box-shadow: 0 3px 10px rgb(0,0,0,0.6); background: #4caf50; color: #fff; }} </style> {searchBar} <div> <div style="display: flex; flex-direction: row; padding: 8px"> <div id="{pre}_prevBtn_10" class="{pre}_btn">&#60;10</div> <div id="{pre}_prevBtn" class="{pre}_btn">Prev</div> <div id="{pre}_nextBtn" class="{pre}_btn">Next</div> <div id="{pre}_nextBtn_10" class="{pre}_btn">10&#62;</div> </div> <div id="{pre}_status" style="padding: 10px"></div> </div> <div id="{pre}_imgContainer">{contents}</div> <script> {pre}_allImgs = [{','.join(imgs)}]; {pre}_imgs = [...Array({pre}_allImgs.length).keys()]; // index of all available images. If searching for something then it will be a subset of allImgs {pre}_searchMode = {searchMode}; {pre}_titles = [{','.join(titles)}]; {pre}_imgIdx = 0; // n-th element of pre_imgs, not of pre_allImgs function {pre}_show(i) {{ document.querySelector(`#{pre}_content${{i}}`).style.display = "block"; }} // i here is allImgs index, not of imgs function {pre}_hide(i) {{ document.querySelector(`#{pre}_content${{i}}`).style.display = "none"; }} // i here is allImgs index, not of imgs function {pre}_updatePageCount() {{ let n = {pre}_imgs.length; if (n > 0) document.querySelector("#{pre}_status").innerHTML = "Page: " + ({pre}_imgIdx + 1) + "/" + n; else document.querySelector("#{pre}_status").innerHTML = "Page: 0/0" }} function {pre}_display() {{ let n = {pre}_imgs.length; for (let i = 0; i < {n}; i++) {pre}_hide(i); if (n > 0) {pre}_show({pre}_imgs[{pre}_imgIdx]); {pre}_updatePageCount(); }}; document.querySelector("#{pre}_prevBtn") .onclick = () => {{ {pre}_imgIdx -= 1; {pre}_imgIdx = Math.max({pre}_imgIdx, 0); {pre}_display(); }}; document.querySelector("#{pre}_prevBtn_10").onclick = () => {{ {pre}_imgIdx -= 10; {pre}_imgIdx = Math.max({pre}_imgIdx, 0); {pre}_display(); }}; document.querySelector("#{pre}_nextBtn") .onclick = () => {{ {pre}_imgIdx += 1; {pre}_imgIdx = Math.min({pre}_imgIdx, {pre}_imgs.length - 1); {pre}_display(); }}; document.querySelector("#{pre}_nextBtn_10").onclick = () => {{ {pre}_imgIdx += 10; {pre}_imgIdx = Math.min({pre}_imgIdx, {pre}_imgs.length - 1); {pre}_display(); }}; if ({pre}_searchMode > 0) {{ {pre}_searchInp = document.querySelector("#{pre}_search"); {pre}_searchInp.oninput = (value) => {{ const val = {pre}_searchInp.value; {pre}_imgs = ({pre}_searchMode === 1 ? {pre}_allImgs : {pre}_titles).map((e, i) => [window.atob(e).includes(val), i]).filter(e => e[0]).map(e => e[1]); {pre}_imgIdx = 0;; {pre}_display(); }} }} {pre}_display(); </script><!-- k1lib.Carousel end -->""" # _Carousel return html # _Carousel k1lib.cli.init.addAtomic(Carousel) # Carousel
[docs] class Toggle(cli.BaseCli): # Toggle _idx = k1lib.AutoIncrement.random() # Toggle
[docs] def __init__(self): # Toggle """Button to toggle whether the content is displayed or not. Useful if the html content is very big in size. Example:: x = np.linspace(-2, 2); plt.plot(x, x ** 2) plt.gcf() | toImg() | toHtml() | viz.Toggle() This will plot a graph, then create a button where you can toggle the image's visibility""" # Toggle self._enteredRor = False; self.content:str = "" # html string # Toggle
[docs] def __ror__(self, it): self._enteredRor = True; self.content = it if isinstance(it, str) else it | cli.toHtml(); return self # Toggle
def __or__(self, it): return it.__ror__(self) if self._enteredRor else super().__or__(it) # see discussion on Carousel() class # Toggle def _repr_html_(self): # Toggle pre = f"k1t_{Toggle._idx()}"; html = f"""<!-- k1lib.Toggle start --> <style> #{pre}_btn {{ cursor: pointer; padding: 6px 12px; background: #eee; margin-right: 5px; color: #000; user-select: none; border-radius: 18px; -webkit-user-select: none; /* Safari */ -ms-user-select: none; /* IE 10+ */ box-shadow: 0 3px 5px rgb(0,0,0,0.3); }} #{pre}_btn:hover {{ box-shadow: 0 3px 5px rgb(0,0,0,0.6); background: #4caf50; color: #fff; }} </style> <div> <div style="display: flex; flex-direction: row; padding: 4px"> <div id="{pre}_btn">Show content</div> <div style="flex: 1"></div> </div> <div id="{pre}_content" style="display: none; margin-top: 12px">{self.content}</div> </div> <script> {pre}_btn = document.querySelector("#{pre}_btn"); {pre}_displayed = false; {pre}_content = document.querySelector("#{pre}_content"); {pre}_btn.onclick = () => {{ {pre}_displayed = !{pre}_displayed; {pre}_btn.innerHTML = {pre}_displayed ? "Hide content" : "Show content"; {pre}_content.style.display = {pre}_displayed ? "block" : "none"; }}; </script> <!-- k1lib.Toggle end -->""" # Toggle return html # Toggle def _jsF(self, meta): # Toggle fIdx = cli.init._jsFAuto(); dataIdx = cli.init._jsDAuto(); pre = cli.init._jsDAuto() # Toggle return f"""{fIdx} = ({dataIdx}) => {{ return unescape(` <!-- k1lib.Toggle start --> <style> #{pre}_btn {{ cursor: pointer; padding: 6px 12px; background: #eee; margin-right: 5px; color: #000; user-select: none; border-radius: 18px; -webkit-user-select: none; /* Safari */ -ms-user-select: none; /* IE 10+ */ box-shadow: 0 3px 5px rgb(0,0,0,0.3); }} #{pre}_btn:hover {{ box-shadow: 0 3px 5px rgb(0,0,0,0.6); background: #4caf50; color: #fff; }} </style> <div> <div style="display: flex; flex-direction: row; padding: 4px"> <div id="{pre}_btn">Show content</div> <div style="flex: 1"></div> </div> <div id="{pre}_content" style="display: none; margin-top: 12px">${{{dataIdx}}}</div> </div> %3Cscript%3E (async () => {{ {pre}_btn = document.querySelector("#{pre}_btn"); {pre}_content = document.querySelector("#{pre}_content"); {pre}_displayed = false; {pre}_btn.onclick = () => {{ {pre}_displayed = !{pre}_displayed; {pre}_btn.innerHTML = {pre}_displayed ? "Hide content" : "Show content"; {pre}_content.style.display = {pre}_displayed ? "block" : "none"; }}; }})(); %3C/script%3E`) }} <!-- k1lib.Toggle end -->""", fIdx # Toggle
k1lib.cli.init.addAtomic(Toggle) # Toggle
[docs] def ToggleImage(): # ToggleImage """This function is sort of legacy. It's just ``img | toHtml() | viz.Toggle()`` really""" # ToggleImage return cli.toHtml() | Toggle() # ToggleImage
[docs] class Html(str): # Html """A string that will display rich html to a notebook. Example:: s = "Just a <b>regular</b> string" h = viz.Html(s) # this is an instance of viz.Html, but it's also still a string, as viz.Html subclasses str! h # running this in a notebook cell will display out the html """ # Html def _repr_html_(self): return self # Html
[docs] class Scroll(cli.BaseCli): # Scroll
[docs] def __init__(self, height=300): # Scroll """Creates a new preview html component. If content is too long, then it will only show the first 500px, then have a button to expand and view the rest. Example:: x = np.linspace(-2, 2); plt.plot(x, x ** 2) plt.gcf() | toImg() | toHtml() | viz.Scroll() This will plot a preview of a graph :param height: height of the parent container""" # Scroll self.height = height # Scroll
[docs] def __ror__(self, it): return Html(f"""<div style="max-height: {self.height}px; overflow-y: auto">{it}</div>""") # Scroll
def _jsF(self, meta): # Scroll fIdx = cli.init._jsFAuto(); dataIdx = cli.init._jsDAuto(); pre = cli.init._jsDAuto() # Scroll return f"""{fIdx} = ({dataIdx}) => {{ return unescape(`<div style="max-height: {self.height}px; overflow-y: auto">${{{dataIdx}}}</div>`); }}""", fIdx # Scroll
k1lib.cli.init.addAtomic(Scroll) # Scroll
[docs] def confusionMatrix(matrix:torch.Tensor, categories:List[str]=None, **kwargs): # confusionMatrix """Plots a confusion matrix. Example:: k1lib.viz.confusionMatrix(torch.rand(5, 5), ["a", "b", "c", "d", "e"]) .. image:: images/confusionMatrix.png :param matrix: 2d matrix of shape (n, n) :param categories: list of string categories :param kwargs: keyword args passed into :meth:`plt.figure`""" # confusionMatrix if isinstance(matrix, torch.Tensor): matrix = matrix.numpy() # confusionMatrix if categories is None: categories = [f"{e}" for e in range(len(matrix))] # confusionMatrix fig = plt.figure(**{"dpi":100, **kwargs}); ax = fig.add_subplot(111) # confusionMatrix cax = ax.matshow(matrix); fig.colorbar(cax) # confusionMatrix with k1lib.ignoreWarnings(): # confusionMatrix ax.set_xticklabels([''] + categories, rotation=90) # confusionMatrix ax.set_yticklabels([''] + categories) # confusionMatrix # Force label at every tick # confusionMatrix ax.xaxis.set_major_locator(mpl.ticker.MultipleLocator(1)) # confusionMatrix ax.yaxis.set_major_locator(mpl.ticker.MultipleLocator(1)) # confusionMatrix ax.xaxis.set_label_position('top') # confusionMatrix plt.xlabel("Predictions"); plt.ylabel("Ground truth") # confusionMatrix
[docs] def FAnim(fig, f, frames, *args, **kwargs): # FAnim """Matplotlib function animation, 60fps. Example:: # line below so that the animation is displayed in the notebook. Included in :mod:`k1lib.imports` already, so you don't really have to do this! plt.rcParams["animation.html"] = "jshtml" x = np.linspace(-2, 2); y = x**2 fig, ax = plt.subplots() plt.close() # close cause it'll display 1 animation, 1 static if we don't do this def f(frame): ax.clear() ax.set_ylim(0, 4); ax.set_xlim(-2, 2) ax.plot(x[:frame], y[:frame]) k1lib.FAnim(fig, f, len(x)) # plays animation in cell :param fig: figure object from `plt.figure(...)` command :param f: function that accepts 1 frame from `frames`. :param frames: number of frames, or iterator, to pass into function""" # FAnim return partial(mpl.animation.FuncAnimation, interval=1000/30)(fig, f, frames, *args, **kwargs) # FAnim
from k1lib.cli import op # FAnim
[docs] def mask(img:torch.Tensor, act:torch.Tensor) -> torch.Tensor: # mask """Shows which part of the image the network is focusing on. :param img: the image, expected to have dimension of (3, h, w) :param act: the activation, expected to have dimension of (x, y), and with elements from 0 to 1.""" # mask *_, h, w = img.shape # mask mask = act[None,] | nn.AdaptiveAvgPool2d([h//16, w//16]) | nn.AdaptiveAvgPool2d([h//8, w//8]) | nn.AdaptiveAvgPool2d([h, w]) # mask return mask * img | op().permute(1, 2, 0) # mask
[docs] class PDF(object): # PDF
[docs] def __init__(self, pdf:str=None, size=(700,500)): # PDF """Displays pdf in the notebook. Example:: viz.PDF("a.pdf") "a.pdf" | viz.PDF() viz.PDF("a.pdf", (700, 500)) "a.pdf" | viz.PDF(size=(700, 500)) If you're exporting this notebook as html, then you have to make sure you place the generated html file in the correct directory so that it can reference those pdf files. :param pdf: relative path to pdf file""" # PDF self.pdf = pdf; self.size = size # PDF
[docs] def __ror__(self, pdf): self.pdf = pdf; return self # PDF
def _repr_html_(self): return '<iframe src={0} width={1[0]} height={1[1]}></iframe>'.format(self.pdf, self.size) # PDF def _repr_latex_(self): return r'\includegraphics[width=1.0\textwidth]{{{0}}}'.format(self.pdf) # PDF
[docs] class onload(cli.BaseCli): # onload
[docs] def __init__(self): # onload """Returns html code that will run the captured clis when that html is loaded. Example:: 3 | (toJsFunc() | (viz.onload() | aS("x+3"))) | op().interface() This displays html that will execute "x+3", then inject it into the main body. At first glance, this seems useless. A much simpler solution exists:: 3 | (toJsFunc() | aS("x+3")) | op().interface() This would pretty much do the exact same thing. But there's a subtle difference. The jsFunc output of the first line (the one with onload()) is some complex html, and of the second line (without onload()) is just a single number. This is useful in cases where you don't want to render something right away (as that can take time/space), but want to defer rendering till later. This is roughly what the first line generates this html: .. code-block:: html <div id="content">(Loading...)</div> <script> const data = 3; const customFunction = (x) => x+3; function onload() { document.querySelector("#content").innerHTML = customFunction(data); } onload(); </script> While the second line generates this html: .. code-block:: html 6 These html is returned by the blocks ``(viz.onload() | aS("x+3"))`` and ``aS("x+3")`` in JS, respectively. The value of this is that your custom function might do something that generates a whole bunch of html (like fetching an image somewhere, then return the base64-encoded image tag). If you were to do it the normal way, then you would execute your function, return the giant html to display. Meanwhile, if you use this cli, then when you're moving html around, it's relatively lightweight, and only when that html is embedded into a page will your custom function captured by :class:`onload` execute, and display outwards. Honestly this feels like another implementation of :class:`~k1lib.cli.kjs.toJsFunc` """ # onload super().__init__(capture=True) # onload
[docs] def __ror__(self, it:str): # onload jsF = it | (cli.toJsFunc() | self.capturedSerial); pre = cli.init._jsDAuto() # this impl below doesn't quite do what this cli claims to do, so throws error for now # onload return Html(f"""<div id='{pre}_div'>(Loading...)</div><script>{jsF.fn}; setTimeout(async () => {{ document.querySelector('#{pre}_div').innerHTML = await {jsF.fIdx}(); }}, 10);</script>""") # onload
def _jsF(self, meta): # onload fIdx = cli.init._jsFAuto(); dataIdx = cli.init._jsDAuto(); pre = cli.init._jsDAuto(); # onload header, fn, _async = k1lib.kast.asyncGuard(self.capturedSerial._jsF(meta)) # onload return f"""//k1_moveOutStart{dataIdx} = [-1];//k1_moveOutEnd {fIdx} = (x) => {{ // returns html string that will run the function on load if (window.{fIdx}_counter) window.{fIdx}_counter++; else window.{fIdx}_counter = 1; {dataIdx}[window.{fIdx}_counter] = x; {header}; window.{fn} = {fn}; return unescape(`<div id='{pre}_${{window.{fIdx}_counter}}_div'>(Loading...)</div> %3Cscript%3EsetTimeout({'async ' if _async else ''}() => {{ console.log("viz.onload() executed"); document.querySelector('#{pre}_${{window.{fIdx}_counter}}_div').innerHTML = {'await ' if _async else ''}{fn}({dataIdx}[${{window.{fIdx}_counter}}]) }}, 100);%3C/script%3E`); }};""", fIdx # onload
icons = {"copy": '<svg xmlns="http://www.w3.org/2000/svg" height="24" viewBox="0 -960 960 960" width="24"><path d="M360-240q-33 0-56.5-23.5T280-320v-480q0-33 23.5-56.5T360-880h360q33 0 56.5 23.5T800-800v480q0 33-23.5 56.5T720-240H360Zm0-80h360v-480H360v480ZM200-80q-33 0-56.5-23.5T120-160v-560h80v560h440v80H200Zm160-240v-480 480Z"/></svg>', # onload "check": '<svg xmlns="http://www.w3.org/2000/svg" height="24" viewBox="0 -960 960 960" width="24"><path d="M382-240 154-468l57-57 171 171 367-367 57 57-424 424Z"/></svg>', # onload "delete": '<svg xmlns="http://www.w3.org/2000/svg" height="24" viewBox="0 -960 960 960" width="24"><path d="M280-120q-33 0-56.5-23.5T200-200v-520h-40v-80h200v-40h240v40h200v80h-40v520q0 33-23.5 56.5T680-120H280Zm400-600H280v520h400v-520ZM360-280h80v-360h-80v360Zm160 0h80v-360h-80v360ZM280-720v520-520Z"/></svg>', # onload "edit": '<svg xmlns="http://www.w3.org/2000/svg" height="24" viewBox="0 -960 960 960" width="24"><path d="M200-200h57l391-391-57-57-391 391v57Zm-80 80v-170l528-527q12-11 26.5-17t30.5-6q16 0 31 6t26 18l55 56q12 11 17.5 26t5.5 30q0 16-5.5 30.5T817-647L290-120H120Zm640-584-56-56 56 56Zm-141 85-28-29 57 57-29-28Z"/></svg>', # onload "download": '<svg xmlns="http://www.w3.org/2000/svg" height="24" viewBox="0 -960 960 960" width="24"><path d="M480-320 280-520l56-58 104 104v-326h80v326l104-104 56 58-200 200ZM240-160q-33 0-56.5-23.5T160-240v-120h80v120h480v-120h80v120q0 33-23.5 56.5T720-160H240Z"/></svg>'} # onload
[docs] class Clipboard(cli.BaseCli): # Clipboard
[docs] def __init__(self, msg="Copy to clipboard"): # Clipboard """Returns some nice Html of a button that will copy to the clipboard when the user clicks on it. Example:: "some data" | viz.Clipboard() # returns html string :param msg: message on the button""" # Clipboard self.msg = msg # Clipboard
def _scripts(self): # Clipboard pre = cli.init._jsDAuto(); return pre, f""" <div style="display: flex; flex-direction: row; align-items: center; cursor: pointer" onclick='{pre}_clip(event)'> <div>{self.msg}</div><span id='{pre}_copy_icon' style='margin-left: 8px; width: 24px; height: 24px'>{icons['copy']}</span> </div>""", f""" {pre}_copyToClipboard = (text) => {{ let textArea, elem; try {{ navigator.clipboard.writeText(text); }} catch (e) {{ // clipboard api only available via https, so fallback to traditional method if https is not available textArea = document.createElement("textarea"); textArea.value = text; elem = document.body elem.appendChild(textArea); textArea.focus(); textArea.select(); document.execCommand('copy'); }} finally {{ if (textArea) elem.removeChild(textArea); }} }} window.b64toBlob = (b64Data, contentType='', sliceSize=512) => {{ const byteCharacters = atob(b64Data); const byteArrays = []; for (let offset = 0; offset < byteCharacters.length; offset += sliceSize) {{ const slice = byteCharacters.slice(offset, offset + sliceSize); const byteNumbers = new Array(slice.length); for (let i = 0; i < slice.length; i++) byteNumbers[i] = slice.charCodeAt(i); const byteArray = new Uint8Array(byteNumbers); byteArrays.push(byteArray); }}; return new Blob(byteArrays, {{type: contentType}}); }} {pre}_clip = async (e) => {{ {pre}_copyToClipboard(window.{pre}_it); const icon = document.querySelector("#{pre}_copy_icon"); icon.innerHTML = atob('{base64.b64encode(icons['check'].encode()).decode()}'); setTimeout(() => {{ icon.innerHTML = atob('{base64.b64encode(icons['copy'].encode()).decode()}'); }}, 1000); }}""" # Clipboard
[docs] def __ror__(self, it): pre, body, scripts = self._scripts(); return Html(f"""{body}\n<script>{scripts}\n(async () => {{window.{pre}_it = await b64toBlob('{base64.b64encode(it | cli.toBytes()).decode()}').text();}})();\n</script>""") # Clipboard
def _jsF(self, meta): fIdx = cli.init._jsFAuto(); pre, body, scripts = self._scripts(); return f"""{scripts}\n{fIdx} = (it) => {{ window.{pre}_it = it; return `{body}`; }}""", fIdx # Clipboard
[docs] class Download(cli.BaseCli): # Download
[docs] def __init__(self, fn:str="untitled", msg:str="Download file"): # Download """Returns some nice Html of a button that will download whatever's piped into this into a file. Example:: "some data" | viz.Download("some_text_file.txt") # returns html string that downloads the file :param fn: desired file name :param msg: message on the button""" # Download self.fn = fn; self.msg = msg # Download
[docs] def __ror__(self, it): # Download pre = cli.init._jsDAuto(); # Download if isinstance(it, str): it = it.encode() # Download if not isinstance(it, bytes): raise Exception("Input has to be string or bytes") # Download return Html(f""" <div style="display: flex; flex-direction: row; align-items: center; cursor: pointer" onclick='{pre}_down(event)'> <div>{self.msg}</div><span id='{pre}_down_icon' style='margin-left: 8px; width: 24px; height: 24px'>{icons['download']}</span> </div> <script> {pre}_down = async (e) => {{ const url = window.URL.createObjectURL(new Blob([atob("{base64.b64encode(it).decode()}")])); const a = document.createElement('a'); a.style.display = 'none'; a.href = url; a.download = {json.dumps(self.fn)}; document.body.appendChild(a); a.click(); window.URL.revokeObjectURL(url); a.remove(); const icon = document.querySelector("#{pre}_down_icon"); icon.innerHTML = atob('{base64.b64encode(icons['check'].encode()).decode()}'); setTimeout(() => {{ icon.innerHTML = atob('{base64.b64encode(icons['download'].encode()).decode()}'); }}, 1000); }} </script>""") # Download
[docs] def qrScanner(fName=None, facing="environment"): # qrScanner """Returns some nice Html displaying a live video feed that calls a function when a QR code is identified. Example:: ht = viz.qrScanner("qrIdentified") viz.Html(ht + "<script>function qrIdentified(data) { console.log("qr: ", data); }</script>") After executing that in a cell, it should display a live video feed :param fName: js function name to be triggered :param facing: 'environment' or 'user', determines the camera location""" # qrScanner if not fName: raise Exception("Please specify a JS function name to be called whenever the scanner detected a QR code") # qrScanner pre = cli.init._jsDAuto(); return Html(f""" <video id="{pre}_video" style="max-width: 100%" autoplay></video><canvas id="{pre}_canvas" style="display:none;"></canvas> <script src="https://static.aigu.vn/jsQR.js"></script> <script> const {pre}_video = document.querySelector("#{pre}_video"); const {pre}_canvas = document.querySelector("#{pre}_canvas"); var {pre}_ctx = {pre}_canvas.getContext('2d'); navigator.mediaDevices.getUserMedia({{ video: {{ facingMode: '{facing}' }} }}) .then(function(stream) {{ var video = document.getElementById('{pre}_video'); video.srcObject = stream; video.play(); requestAnimationFrame({pre}_tick); }}) .catch(function(err) {{ console.error('Error accessing the camera: ', err); }}); async function {pre}_tick() {{ {pre}_ctx.drawImage({pre}_video, 0, 0, {pre}_canvas.width, {pre}_canvas.height); var imageData = {pre}_ctx.getImageData(0, 0, {pre}_canvas.width, {pre}_canvas.height); var code = jsQR(imageData.data, imageData.width, imageData.height); if (code) {fName}(code.data); requestAnimationFrame({pre}_tick); }} </script>""") # qrScanner
[docs] class Table(cli.BaseCli): # Table
[docs] def __init__(self, headers:"list[str]"=None, # Table onclickFName:str=None, ondeleteFName:str=None, oneditFName:str=None, onclickHeaderFName:str=None, # Table colOpts:"list[list[str]]"=None, sortF:str=None, # Table selectable=False, selectCallback:str=None, height=None, objName:str=None, colsToHide:list[int]=None, # Table perPage:int=None, numRows=None): # Table """Returns some nice Html displaying a table. Example:: res = enumerate("abcdef") | viz.Table(onclickFName="onclickF", ondeleteFName="deleteF") f\"\"\"<script> function onclickF(row, i, e) {{ console.log("onclickF: ", row, i, e); }} function deleteF(row, i, e) {{ console.log("deleteF: ", row, i, e); }} </script> {res}\"\"\" | toHtml() # creates html string and displays it in the notebook cell Normally, if you want to display a plain old table, you can do ``sometable | display()``, which is the same as ``sometable | head() | pretty() | stdout()``, but that only gives you a static table. This class will still show the table, but you can specify an "onclickFName" which the system will call whenever the user clicks on a particular row. If "ondeleteFName" is specified, then a column full of delete buttons will be injected as the first column, and if the user clicks on it will execute the function you specified. The example above should be intuitive enough. If oneditFName is specified, then it allows editing a row at a time. After the user has typed in everything, that function will be called, and if successful, will update the table right away. There're these available options for each column ("colOpts"): * ["pad", 10]: padding on all 4 sides, defaulted to 10 if not specified * "json": if specified, will assume the row element to be a json and make it look nice * ["jsonWidth", 400]: max width of json fields * ["jsonHeight", 300]: max height of json fields * "clipboard": if specified, will copy the contents of the cell to clipboard when user clicks on it Say you have 3 columns, and you want: * Column 1: json with max width of 500px, copies its contents to clipboard onclick * Column 2: nothing special * Column 3: copies its contents to clipboard onclick Then "colOpts" should be [["json", ["jsonWidth", 500], "clipboard"], [], ["clipboard"]] With tables that have complex features, there's also a hidden "{pre}_obj" JS object that has a bunch of useful functions, as well as callbacks that allows you to do interactive things:: ui1 = enumerate("abcdef") | viz.Table(objName="something") f\"\"\" {ui1} <script> setTimeout(() => something.update([[1, 2], [3, 4], [5, 6]]), 1000); // updates the table's contents after 1 second setTimeout(() => console.log(something.data), 3000); // prints the table's data after 3 seconds </script> \"\"\" | toHtml() Pagination {pre}_obj values: * async page_select(pageNum:int): selects a specific page, 0-indexed * async page_next(): goes to next page * async page_prev(): goes to previous page * async page_onselect(pageNum): function that should return list[list[str|int]] for the specific page it's on. The returned result will be used to render the table. Don't have to override this by default, it will just slice up the incoming data to return the correct page :param headers: a list of column names :param onclickFName: global function that will be called whenever the user clicks on a specific item :param ondeleteFName: global function that will be called whenever the user wants to delete a specific row :param oneditFName: global function that will be called whenever the user finishes editing a specific row :param onclickHeaderFName: global function that will be called whenever the user clicks on a specific header :param colOpts: column options :param sortF: takes in [table (list[list[str | number]]), col (int)] and returns the sorted table. Can put :data:`True` in for the default sorter :param selectable: if True, make the row bold when user clicks on it, else don't do that :param selectCallback: function name to inject into global namespace so as to trigger :param height: if specified, limits the table height to this many pixels, and add a vertical scrolling bar :param objName: name of the JS object that contains functions to interact with the table :param colsToHide: list of column indexes to hide internal selection. Does not cascade to onclickFName :param perPage: if specified, splits the incoming data into multiple pages, and allow users to navigate around those pages :param numRows: in pagination mode, this variable will be used to display the initial total number of pages. Purely aestheetic, no function""" # Table self.headers = headers; self.onclickFName = onclickFName; self.ondeleteFName = ondeleteFName; self.onclickHeaderFName = onclickHeaderFName # Table self.oneditFName = oneditFName; self.colOpts = colOpts; self.sortF = sortF; self.selectable = selectable; self.selectCallback = selectCallback # Table self.height = height; self.objName = objName; self.colsToHide = colsToHide or []; self.perPage = perPage; self.numRows = numRows # Table
def _scripts(self, pre): # common scripts section between __ror__() and _jsF(), include functions exposed to the global js runtime # Table height = f"""document.querySelector("#{pre}_tableWrap").scrollTop = e.getBoundingClientRect().top - document.querySelector("#{pre}_table").getBoundingClientRect().top - 80;""" if self.height else ""; selectCallback = f""" window.{self.selectCallback} = (predicate) => {{ // scans entire existing table for rows that satify the predicate function. Kinda deprecated function, use {pre}_obj.selectId() instead! data = {pre}_obj.data; for (let i = 0; i < data.length; i++) document.querySelector("#{pre}_row_" + i).style.backgroundColor = ""; for (let i = 0; i < data.length; i++) if (predicate(data[i])) {{ e = document.querySelector("#{pre}_table").querySelector("#{pre}_row_" + i);{height} e.style.backgroundColor = "#dddddd"; {pre}_obj.selectedRowId = i; {pre}_obj.selectedRow = data[i]; break }} }}""" if self.selectCallback else ""; ondeleteFName = self.ondeleteFName; pre_delete = f""" {pre}_delete = async (row, i, e) => {{ if (e) e.stopPropagation(); try {{ // if the function don't raise any error, then actually delete the element, else just alert the user that the operation failed if ({ondeleteFName}.constructor.name === "AsyncFunction") res = await {ondeleteFName}(row, i, e); else res = {ondeleteFName}(row, i, e); if (res === "dont_delete") return; document.querySelector("#{pre}_row_" + i).remove(); {pre}_obj.data[i] = null; }} catch (e) {{ if (e.message !== "\ue000nopropagate") window.alertCallback(e); }} }}""" if ondeleteFName else ""; oneditFName = self.oneditFName; pre_edit = f""" {pre}_edit = async (row, rowi, e) => {{ // swaps out table contents with input boxes if (e) e.stopPropagation(); nodes = Array.from(document.querySelectorAll("#{pre}_row_" + rowi + " > .k1TableElement")); for (let i = 0; i < nodes.length; i++) {{ nodes[i].innerHTML = "<input type='text' class='input input-bordered' />"; nodes[i].querySelector("input").value = {pre}_obj.data[rowi][i]; nodes[i].onclick = (e) => {{ if (e) e.stopPropagation(); }} }} document.querySelector("#{pre}_row_" + rowi + ">.editIcon").innerHTML = "<span style='cursor: pointer' onclick='{pre}_finishedEdit({pre}_obj.data[" + rowi + "], " + rowi + ", event)'></span>" document.querySelector("#{pre}_row_" + rowi + ">.editIcon>span").innerHTML = atob('{base64.b64encode(icons['check'].encode()).decode()}') }} {pre}_finishedEdit = async (row, rowi, e) => {{ // finished editing parts of the table if (e) e.stopPropagation(); console.log("finishedEdit:", row, rowi, e); nodes = Array.from(document.querySelectorAll("#{pre}_row_" + rowi + ">.k1TableElement")) inputs = Array.from(document.querySelectorAll("#{pre}_row_" + rowi + ">.k1TableElement>input")); values = inputs.map((inp) => inp.value); try {{ // if the function don't raise any error, then actually registers the element, else just alert the user that the operation failed if ({oneditFName}.constructor.name === "AsyncFunction") res = await {oneditFName}(row, values, rowi, e); else res = {oneditFName}(row, values, rowi, e); for (let i = 0; i < nodes.length; i++) {{ nodes[i].innerHTML = values[i]; }}; {pre}_obj.data[rowi] = values; document.querySelector("#{pre}_row_" + rowi + ">.editIcon").innerHTML = "<span style='cursor: pointer' onclick='{pre}_edit({pre}_obj.data[" + rowi + "], " + rowi + ", event)'></span>"; document.querySelector("#{pre}_row_" + rowi + ">.editIcon>span").innerHTML = atob('{base64.b64encode(icons['edit'].encode()).decode()}'); }} catch (e) {{ if (e.message !== "\ue000nopropagate") window.alertCallback(e); }} }}""" if oneditFName else ""; pre_clip = f""" {pre}_clip = async (e, rowi, elemi) => {{ const value = {pre}_obj.data[rowi][elemi]; {pre}_copyToClipboard((typeof(value) === "string") ? value : JSON.stringify(value), rowi, elemi); const icon = document.querySelector("#{pre}_copy_icon_" + rowi + "_" + elemi); icon.innerHTML = atob('{base64.b64encode(icons['check'].encode()).decode()}'); setTimeout(() => {{ icon.innerHTML = atob('{base64.b64encode(icons['copy'].encode()).decode()}'); }}, 1000); }} {pre}_copyToClipboard = (text, rowi, elemi) => {{ let textArea, elem; try {{ navigator.clipboard.writeText(text); }} catch (e) {{ // clipboard api only available via https, so fallback to traditional method if https is not available textArea = document.createElement("textarea"); textArea.value = text elem = document.querySelector("#{pre}_elem_" + rowi + "_" + elemi); elem.appendChild(textArea); textArea.focus(); textArea.select(); document.execCommand('copy'); }} finally {{ if (textArea) elem.removeChild(textArea); }} }}""" if self._colOpts_hasClip() else "" # Table onclickHeader = ""; headerCommon = f"""let col=null;try{{col=parseInt(e.target.id.split("_").at(-1));}}catch(e){{}}""" # Table if self.onclickHeaderFName and not self.sortF: onclickHeader = f"""{headerCommon}{self.onclickHeaderFName}(e, col);""" # Table elif self.sortF: onclickHeader = f"{self.onclickHeaderFName}(e, col)" if self.onclickHeaderFName else ""; onclickHeader = f""" {headerCommon}; let sortF = ({json.dumps(isinstance(self.sortF, str))}) ? {self.sortF} : ((data, col) => {{ return data.toSorted((a,b) => (a[col] === b[col]) ? 0 : ((a[col] > b[col]) ? 1 : -1)); }}); let asc = true; let headerEId = e.target.id; if (e.target.innerHTML.trim().at(-1) == "↑") asc = false; let newData = sortF({pre}_obj.data.filter((x) => x !== null), col); {pre}_obj.data = asc ? newData : newData.toReversed(); {pre}_obj.renderRaw(); let headerE = document.querySelector("#"+headerEId); headerE.innerHTML = headerE.innerHTML.replaceAll("↑","").replaceAll("↓","").trim() + " " + (asc ? "↑" : "↓"); e.target = headerE; {onclickHeader};""" # Table onclickFName = self.onclickFName; pre_select = f""" {pre}_select = async (row, i, e, visual=false) => {{ // visual: if true, only update the visuals, else also runs the custom onclickFName function if (i < 0) {{ {onclickHeader}return; }}; if (e) e.stopPropagation(); if ({json.dumps(self.selectable)}) {{ if ({pre}_obj.selectedRowId >= 0) document.querySelector("#{pre}_row_" + {pre}_obj.selectedRowId).style.backgroundColor = ""; s = document.querySelector("#{pre}_row_" + i).style; if ({pre}_obj.selectedRowId === i) {{ s.backgroundColor = ""; {pre}_obj.selectedRowId = -1; {pre}_obj.selectedRow = null; }} else {{ s.backgroundColor = "#dddddd"; {pre}_obj.selectedRowId = i; {pre}_obj.selectedRow = row; }} }} if (!visual && {json.dumps(onclickFName)}) {{ try {{ if ({onclickFName}.constructor.name === "AsyncFunction") await {onclickFName}(row, i, e); else {onclickFName}(row, i, e); }} catch (e) {{ if (e.message !== "\ue000nopropagate") window.alertCallback(e); }} }} }}""" if onclickFName or onclickHeader or self.selectable or self.sortF else ""; return f"""if (!window.alertCallback) window.alertCallback = alert; {selectCallback}{pre_delete}{pre_edit}{pre_clip}{pre_select}""" # Table def _paginationHtml(self, pre): return f""" <style> .{pre}_pageGray {{ text-decoration: none; padding: 8px 12px; background: #dbdbdb; color: #878787; border-radius: 4px; transition: background 0.3s; }} .{pre}_pageHover {{ cursor: pointer; user-select: none; }} .{pre}_pageHover:hover {{ background: #878787; color: #f0f0f0; }} </style> <div style="display: flex; align-items: center; justify-content: center;"> <div class="{pre}_pagination" style="display: flex; flex-direction: row; align-items: center; list-style-type: none; padding: 0; margin: 0;"> <div class="{pre}_pageGray {pre}_pageHover" style="margin: 0 5px" onclick="{pre}_obj.page_prev()">&laquo;</div> <div id="{pre}_pageNum1" class="{pre}_pageGray" style="margin: 0 5px; background: #878787; color: #f0f0f0; cursor: default">1</div> <div style="margin: 0 5px">of</div> <div id="{pre}_pageLen1" class="{pre}_pageGray" style="margin: 0 5px; background: #cccccc; color: #4a4a4a; cursor: default">?</div> <div class="{pre}_pageGray {pre}_pageHover" style="margin: 0 5px" onclick="{pre}_obj.page_next()">&raquo;</div> </div> <div style="margin-left: 10px; display: flex; flex-direction: row; align-items: center;"> <div style="margin: 0 8px">Page </div> <select id="{pre}_pageSelect" onchange="onDropdownChange(this)" style="padding: 5px; border-radius: 4px; border: 1px solid #cccccc; cursor: pointer"></select> <div id="{pre}_pageLen2" style="margin: 0 8px"> of ?</div> </div> </div>""" if self.perPage else "" # Table def _paginationJs(self, pre): return f"""(async () => {{ document.querySelector("#{pre}_pageSelect").onchange = async (e) => {{ {pre}_obj.page_select(parseInt(document.querySelector("#{pre}_pageSelect").value)); }}; }})();""" # Table
[docs] def __ror__(self, it) -> Html: # so the render function is kinda duplicated. One runs directly in python, and the other runs in js, allowing the table contents to be updated in real time # Table headers = self.headers; onclickFName = self.onclickFName; onclickHeaderFName = self.onclickHeaderFName; ondeleteFName = self.ondeleteFName; oneditFName = self.oneditFName; selectable = self.selectable; colOpts = self.colOpts; colsToHide = self.colsToHide # Table it = it | cli.deref(2); pre = cli.init._jsUIAuto(); N = len(it); # Table try: F = max([len(x) for x in it]) # Table except: F = len(self.headers) if self.headers else 1000 # Table colOpts = [] if colOpts is None else list(colOpts) # Table for i in range(F-len(colOpts)): colOpts.append([]) # Table def felem(i, e, rowi): # Table if i in colsToHide: return "" # Table idx = f"id='{pre}_elem_{rowi}_{i}' class='k1TableElement {pre}_elem'" # Table res = [opt[1] for opt in colOpts[i] if not isinstance(opt, str) and opt[0] == "pad"]; pad = res[0] if len(res) > 0 else 10; style = f"position: relative; padding: {pad}px" # Table copy = f"<div style='position: absolute; top: 0px; right: 0px'><span id='{pre}_copy_icon_{rowi}_{i}' style='cursor: pointer' onclick='{pre}_clip(event, {rowi}, {i})'>{icons['copy']}</span></div>" if "clipboard" in colOpts[i] and rowi >= 0 else "" # Table if "json" in colOpts[i] and rowi >= 0: # Table res = [opt[1] for opt in colOpts[i] if not isinstance(opt, str) and opt[0] == "jsonWidth"]; maxWidth = res[0] if len(res) > 0 else 400 # Table res = [opt[1] for opt in colOpts[i] if not isinstance(opt, str) and opt[0] == "jsonHeight"]; maxHeight = res[0] if len(res) > 0 else 300 # Table return f"<td {idx} style='text-align: left; {style}'>{copy}<pre style='max-width: {maxWidth}px; max-height: {maxHeight}px; overflow-x: auto; overflow-y: auto; background-color: transparent'>{html.escape(json.dumps(e, indent=2))}</pre></td>" # Table return f"<td {idx} style='{style}'>{copy}{e}</td>" # Table def frow(i, row): # Table row = [felem(_i, e, i) for _i,e in enumerate(row)] # Table if oneditFName: row = ["<td></td>", *row] if i < 0 else [f"<td class='editIcon'><span style='cursor: pointer' onclick='{pre}_edit({pre}_obj.data[{i}], {i}, event)'>{icons['edit']}</span></td>", *row] # Table if ondeleteFName: row = ["<td></td>", *row] if i < 0 else [f"<td class='deleteIcon'><span style='cursor: pointer' onclick='{pre}_delete({pre}_obj.data[{i}], {i}, event)'>{icons['delete']}</span></td>", *row] # Table sticky = "style='position: sticky; top: 0px; background: white; z-index: 100'" if i < 0 else ""; sig = f"id='{pre}_row_{i}' class='{pre}_row' {sticky}" # Table sig = f"<tr {sig} onclick='{pre}_select({pre}_obj.data[{i}], {i}, event)'>" if onclickFName or onclickHeaderFName or selectable or self.sortF else f"<tr {sig} >"; return sig + "".join(row) + "</tr>" # Table page1 = it[0:self.perPage] if self.perPage else it # Table contents = "".join([frow(i, row) for i,row in ([(-1, headers), *enumerate(page1)] if headers else enumerate(page1))]); # Table height = [f"<div id='{pre}_tableWrap' style='max-height:{self.height}px;overflow-y:auto'>", "</div>"] if self.height else ["", ""] # Table pageS = f"{self._paginationJs(pre)}; {pre}_obj.page_setup({self.numRows or len(it)});" if self.perPage else "" # Table scriptS = f"""<script>{self._js_genFuncs(pre)};{pre}_obj.data = {json.dumps(it)};{self._scripts(pre)};{pageS}</script>""" if self._dynamism("script") or self._dynamism("func") else "" # Table return Html(f"""{height[0]}<table id='{pre}_table'>{contents}</table>{height[1]}{self._paginationHtml(pre)}{scriptS}""") # Table
def _dynamism(self, mode="script"): # whether I need to (loosely) include self._scripts() or self._js_genFuncs() or not # Table if mode == "script": return self.onclickHeaderFName or self.onclickFName or self.oneditFName or self.ondeleteFName or self.selectable or self._colOpts_hasClip() # Table elif mode == "func": return self.selectCallback or self.objName or self.sortF or self.perPage # Table else: raise Exception("Don't have that mode") # Table def _js_genFuncs(self, pre, gens=False): # Table """You might be asking what the hell is up with this. All of the complexity you see around is the result of this having to do lots of stuff at the same time. There's the pure python mode, and there's the JS transpiled version. There's also the requirement of it generating tables that are the shortest that it can be. If the user wants a vanilla table, no interactivity, then it should not include any js at all, as some applications have tons of tables everywhere, like a carousel containing 40 tables and so on. Including js would really slow rendering down, and that's absolutely terrible. But if the user wants interactivity, then it will inject in only enough js so that the table will function normally, and not more, to again reduce global namespace pollution and js interpretation time. So there are several layers of complexity that this class can generate: - Layer 1: vanilla table, no JS at all - Layer 2: table with basic functionalities, like onclick, ondelete, onedit, onclip (dynamism "script") - Layer 3: table with advanved functionalities, like: - Silently updating table contents - Programmatically selects a specific row and scroll to that row - Has js-accessible table data ({pre}_obj object) - Sorts each column :param gens: whether you *would* like to include JS table-generation functions or not""" # Table objNameAssign = f"if (window.{self.objName} != undefined) {{ {pre}_obj.page_onselect = window.{self.objName}.page_onselect; }} else window.{self.objName} = {pre}_obj;" if self.objName else ""; funcDyn = self._dynamism("func"); funcS = f""" renderRaw: () => {{ document.querySelector("#{pre}_table").innerHTML = ({json.dumps(self.headers)} ? [[-1, {json.dumps(self.headers)}], ...{pre}_obj.data.map((x,i) => [i,x])] : {pre}_obj.data.map((x,i) => [i,x])).map(([i, row]) => {pre}_frow(i, row)).join(""); }}, _diff: (oldData, newData) => {{ // returns true if there's a diff if (oldData.length !== newData.length) return true; for (let i = 0; i < oldData.length; i++) {{ if (oldData[i] === null || oldData[i] === undefined || oldData[i].length !== newData[i].length) return true; for (let j = 0; j < oldData[0].length; j++) if (oldData[i][j] !== newData[i][j]) return true; }} return false; }}, update: (newData, selectOldRow=true) => {{ // update if (!{pre}_obj._diff({pre}_obj.data, newData)) return; // if newData is the same as old, then don't update anything {pre}_obj.data = newData; const selected = {pre}_obj.selectedRowId >= 0; let oldId = ({pre}_obj.selectedRow || [0])[0]; {pre}_obj.selectedRowId = -1; {pre}_obj.selectedRow = null; {pre}_obj.renderRaw(); setTimeout(() => {{ if (selectOldRow && selected) {pre}_obj.selectId(oldId, true); }}, 0); }}, select: (idx, visual=false) => {{ {pre}_select({pre}_obj.data[idx], idx, null, visual); }}, // select specific row from top to bottom in {pre}_obj.data selectId: (idx, visual=false) => {{ // select specific row that has first element equal to idx const res = {pre}_obj.data.map((row, i) => [i, row]).filter(([i, row]) => row[0] == idx); if (res.length > 0) {pre}_obj.select(res[0][0], visual); }},""" if funcDyn else ""; genS = f"""{pre}_colOpts = {json.dumps(self._niceColOpts())}; {pre}_felem = (i, e, rowi) => {{ let colsToHide = {json.dumps(self.colsToHide or [])}; if (colsToHide.includes(i)) return ""; colOpt = {pre}_colOpts[i] || []; idx = `id='{pre}_elem_${{rowi}}_${{i}}' class='k1TableElement {pre}_elem'` res = colOpt.filter((x) => typeof(x) !== "string").filter((x) => x[0] == "pad").map((x) => x[1]); pad = res.length > 0 ? res[0] : 10; style = `position: relative; padding: ${{pad}}px` copy = (colOpt.includes("clipboard") && rowi >= 0) ? `<div style='position: absolute; top: 0px; right: 0px'><span id='{pre}_copy_icon_${{rowi}}_${{i}}' style='cursor: pointer' onclick='{pre}_clip(event, ${{rowi}}, ${{i}})'>{icons['copy']}</span></div>` : "" if (colOpt.includes("json") && rowi >= 0) {{ res = colOpt.filter((x) => typeof(x) !== "string").filter((x) => x[0] == "jsonWidth"). map((x) => x[1]); maxWidth = (res.length > 0) ? res[0] : 400; res = colOpt.filter((x) => typeof(x) !== "string").filter((x) => x[0] == "jsonHeight").map((x) => x[1]); maxHeight = (res.length > 0) ? res[0] : 300; escapeHtml = (x) => x.replace(/&/g, "&amp;").replace(/</g, "&lt;").replace(/>/g, "&gt;").replace(/"/g, "&quot;").replace(/'/g, "&#039;"); return `<td ${{idx}} style='text-align: left; ${{style}}'>${{copy}}<pre style='max-width: ${{maxWidth}}px; max-height: ${{maxHeight}}px; overflow-x: auto; overflow-y: auto; background-color: transparent'>${{escapeHtml(JSON.stringify(e, null, 2))}}</pre></td>` }} return `<td ${{idx}} style='${{style}}'>${{copy}}${{e}}</td>` }}; {pre}_frow = (i, row) => {{ row = row.map((e,_i) => {pre}_felem(_i, e, i)); if ({json.dumps(self.oneditFName)}) row = i < 0 ? ["<td></td>", ...row] : [`<td class='editIcon'><span style='cursor: pointer' onclick='{pre}_edit({pre}_obj.data[${{i}}], ${{i}}, event)'>{icons['edit']}</span></td>`, ...row]; if ({json.dumps(self.ondeleteFName)}) row = i < 0 ? ["<td></td>", ...row] : [`<td class='deleteIcon'><span style='cursor: pointer' onclick='{pre}_delete({pre}_obj.data[${{i}}], ${{i}}, event)'>{icons['delete']}</span></td>`, ...row]; sticky = i < 0 ? "style='position: sticky; top: 0px; background: white; z-index: 100'" : ""; let onclickS = ({json.dumps(self.onclickFName or self.onclickHeaderFName or self.onclickFName or self.sortF)}) ? `onclick='{pre}_select({pre}_obj.data[${{i}}], ${{i}}, event)'` : ""; return `<tr id='{pre}_row_${{i}}' class='{pre}_row' ${{sticky}} ${{onclickS}}>` + row.join("") + "</tr>"; }};""" if funcDyn or gens else "" # Table perPage = self.perPage; pageS = f"""perPage: {json.dumps(perPage)}, pageData: [], pageNum: 0, numPages: 0, page_onselect: async (pageNum) => {{ return {pre}_obj.data.slice({perPage}*pageNum, {perPage}*(pageNum+1)); }}, page_updateData: async () => {{ {pre}_obj.pageData = await {pre}_obj.page_onselect({pre}_obj.pageNum); }}, page_setup: (nrows) => {{ let npages = Math.ceil(nrows/{self.perPage}); {pre}_obj.numPages = npages; let s = ""; for (let i = 0; i < npages; i++) s += `<option value="${{i}}" ${{i == 0 ? 'selected' : ''}}>${{i+1}}</option>`; document.querySelector("#{pre}_pageSelect").innerHTML = s; document.querySelector("#{pre}_pageLen1").innerHTML = `${{npages}}`; document.querySelector("#{pre}_pageLen2").innerHTML = ` of ${{npages}}`; }}, page_select: async (pageNum) => {{ {pre}_obj.pageNum = pageNum; let npages = {pre}_obj.numPages; let s = ""; for (let i = 0; i < npages; i++) s += `<option value="${{i}}" ${{i == pageNum ? 'selected' : ''}}>${{i+1}}</option>`; document.querySelector("#{pre}_pageSelect").innerHTML = s; document.querySelector("#{pre}_pageNum1").innerHTML = pageNum+1; {pre}_obj.renderRaw(); {pre}_obj.page_onselect(pageNum); }}, page_prev: async () => {{ await {pre}_obj.page_select(Math.max(0, {pre}_obj.pageNum - 1)); }}, page_next: async () => {{ await {pre}_obj.page_select(Math.min({pre}_obj.numPages-1, {pre}_obj.pageNum + 1)); }}, renderRaw: async () => {{ await {pre}_obj.page_updateData(); document.querySelector("#{pre}_table").innerHTML = ({json.dumps(self.headers)} ? [[-1, {json.dumps(self.headers)}], ...{pre}_obj.pageData.map((x,i) => [i,x])] : {pre}_obj.pageData.map((x,i) => [i,x])).map(([i, row]) => {pre}_frow(i, row)).join(""); }},""" if perPage else "" # Table return f"""{pre}_obj = {{ selectedRowId: -1, selectedRow: null, data: [], {funcS}{pageS} }}; {objNameAssign}; {genS}""" # Table def _niceColOpts(self): return [] if self.colOpts is None else list(self.colOpts) # Table def _colOpts_hasClip(self): return self._niceColOpts() | cli.filt(lambda x: "clipboard" in x) | cli.shape(0) # Table def _jsF(self, meta): # Table fIdx = cli.init._jsFAuto(); dataIdx = cli.init._jsDAuto(); pre = cli.init._jsUIAuto(); # Table height = f"max-height: {self.height}px;" if self.height else "" # Table # header, fn, _async = k1lib.kast.asyncGuard(self.capturedSerial._jsF(meta)) # Table headers = self.headers; height = [f"<div id='{pre}_tableWrap' style='{height}overflow-y:auto'>", "</div>"] if self.height else ["", ""] # Table pageS = f"""const page1 = it.slice(0, {self.perPage});""" if self.perPage else f"""const page1 = it;""" # Table pageJS = f"""{self._paginationJs(pre)}; (async () => {{ {pre}_obj.page_setup({self.numRows if self.numRows else '${it.length}'}); }})()""" if self.perPage else "" # Table return f""" {self._js_genFuncs(pre, True)} {fIdx} = (it) => {{ const N = it.length; const F = (N > 0) ? (it.map(x => x.length).toMax()) : ({json.dumps(headers)} ? {json.dumps(headers)}.length : 1000); for (const i of [...Array(F-{pre}_colOpts.length).keys()]) {pre}_colOpts.push([]); {pageS} contents = ({json.dumps(headers)} ? [[-1, {json.dumps(headers)}], ...page1.map((x,i) => [i,x])] : page1.map((x,i) => [i,x])).map(([i, row]) => {pre}_frow(i, row)).join(""); return unescape(` {height[0]}<table id="{pre}_table">${{contents}}</table>{height[1]}{self._paginationHtml(pre)} %3Cscript%3E {pre}_obj.data = JSON.parse(decodeURIComponent(escape(atob('${{btoa(unescape(encodeURIComponent(JSON.stringify(it))))}}')))); {self._scripts(pre)};{pageJS} %3C/script%3E`); }}""", fIdx # Table