Monday, December 20, 2021

Darts Probability


Saturday, September 25, 2021

Google Charts API


Tuesday, August 10, 2021

Function and Their Graphs 2


Functions and Their Graphs


JS & Functions

<script src='https://code.highcharts.com/highcharts.js'></script> was added in the page head.



Thebe Python: SymPy Integration

✒️   SymPy Integration

!pip install -q sympy
import sympy as sp
sp.init_printing(use_unicode=True)
x,a,b=sp.symbols('x,a,b')
f21=x*(a*x**2+b)**(1/3)
intf21=sp.integrate(f21,x).simplify()
display([f21,intf21])
sp.pprint(75*'=')
p=sp.plot(f21.subs({a:1,b:2}),(x,-10,10),
          line_color='#3636ff',ylim=(-50,50),show=False)
ip=sp.plot(intf21.subs({a:1,b:2}),(x,-10,10),
           line_color='#36ff36',ylim=(-50,50),show=False)
p.extend(ip); p.show()

Monday, August 9, 2021

Replacements of Array Elements


The Total Gravity of N Layers


SageMath: Symbolic Integration

✒️   Symbolic Integration


D3 Animated Lines

<script src='https://d3js.org/d3.v6.min.js'></script> was added in the page head.

D3 Recursive Curves

<script src='https://d3js.org/d3.v6.min.js'></script> was added in the page head.

Artificial Data & H5 Storing





Color Gradient & Canvas Text


R Basic Graphics => Barplots


'Aggregate' for DataFrames from CSV


Circle Drawing


Interactive Subsets


Saturday, August 7, 2021

Implicit Plotting


Tuesday, August 3, 2021

Encoding URI Components


Mouse Drawing and Events

<script src='https://d3js.org/d3.v5.min.js'></script> was added in the page head.

Monday, August 2, 2021

TensorflowHub Super Resolution

ПР5.1_Суперразрешение_изображений.ipynb

!pip install tensorflow tensorflow_hub -q
import tensorflow as tf,tensorflow_hub as hub
import pylab as pl,numpy as np
def get_resize_img(img_path,img_size=50):
    img_path=tf.keras.utils.get_file(
        'img'+str(np.random.randint(1,99999))+'.png',img_path)
    lr=tf.io.read_file(img_path)
    lr=tf.image.decode_jpeg(lr)
    print('mean: %f'%lr.numpy().mean())
    lr=tf.image.resize(lr,[img_size,img_size])
    lr=tf.expand_dims(lr.numpy()[:,:,:3],axis=0)
    return tf.cast(lr,tf.float32)


def esrgantf2_superresolution(lr):
    if len(lr.shape) < 4:
        lr=tf.expand_dims(lr.numpy()[:,:,:3],axis=0)
    lr=tf.cast(lr,tf.float32)
    img_size=lr.shape[1]
    model=hub.load("https://tfhub.dev/captain-pool/esrgan-tf2/1")
    concrete_func=model.signatures[tf.saved_model.DEFAULT_SERVING_SIGNATURE_DEF_KEY]
    @tf.function(input_signature=[tf.TensorSpec(
        shape=[1,img_size,img_size,3],dtype=tf.float32)])
    def f(input): return concrete_func(input)
    converter=tf.lite.TFLiteConverter.from_concrete_functions(
        [f.get_concrete_function()],model)
    converter.optimizations=[tf.lite.Optimize.DEFAULT]
    tflite_model = converter.convert()
    with tf.io.gfile.GFile('ESRGAN.tflite','wb') as f:
        f.write(tflite_model)
    esrgan_model_path='./ESRGAN.tflite'
    interpreter=tf.lite.Interpreter(model_path=esrgan_model_path)
    interpreter.allocate_tensors()
    input_details=interpreter.get_input_details()
    output_details=interpreter.get_output_details()
    interpreter.set_tensor(input_details[0]['index'],lr)
    interpreter.invoke()
    output_data=interpreter.get_tensor(output_details[0]['index'])
    sr=tf.squeeze(output_data,axis=0)
    sr=tf.round(tf.clip_by_value(sr,0,255)) 
    sr=tf.cast(sr,tf.uint8)
    lr=tf.cast(tf.squeeze(lr,axis=0),tf.uint8)
    return lr,sr






def low2bicubic_low2super(lr0,sr1,sr2):
    img_size=lr0.shape[1]
    lr0=tf.cast(tf.squeeze(lr0,axis=0),tf.uint8)
    pl.figure(figsize=(9,3))
    pl.subplot(1,3,1); pl.title('LR0')
    pl.imshow(lr0.numpy())
    bicubic4=tf.image.resize(
        lr0,[img_size*4,img_size*4],
        tf.image.ResizeMethod.BICUBIC)
    bicubic4=tf.cast(bicubic4,tf.uint8)
    pl.subplot(1,3,2); pl.title('Bicubic x4')
    pl.imshow(bicubic4.numpy())
    bicubic16=tf.image.resize(
        bicubic4,[img_size*16,img_size*16],
        tf.image.ResizeMethod.BICUBIC)
    bicubic16=tf.cast(bicubic16,tf.uint8)
    pl.subplot(1,3,3); pl.title('Bicubic x16')
    pl.imshow(bicubic16.numpy())
    pl.tight_layout(); pl.show()
    pl.figure(figsize=(9,3))
    pl.subplot(1,3,1); pl.title('LR0')
    pl.imshow(lr0.numpy())   
    pl.subplot(1,3,2); pl.title('ESRGAN x4')
    pl.imshow(sr1.numpy())
    pl.subplot(1,3,3); pl.title('ESRGAN x16')
    pl.imshow(sr2.numpy())
    pl.tight_layout(); pl.show()




file_path1=('https://raw.githubusercontent.com/OlgaBelitskaya/'
            'data/main/pictograms/')
file_name1='00_02_012.png'
lr0=get_resize_img(file_path1+file_name1,50)
print(lr0.shape)
lr1,sr1=esrgantf2_superresolution(lr0)
print(lr1.shape,sr1.shape)
lr2,sr2=esrgantf2_superresolution(sr1)
print(lr2.shape,sr2.shape)
low2bicubic_low2super(lr0,sr1,sr2)


CSS Styling in Printing


D3 Styling in Printing


Animation of Artificial Images


Fun Pandas Styling


An Example of Danfo DataFrames


R CSV Plotting


R DataFrame Plotting


Let's imagine
what we could not plot with Pandas








Surface Plotting


3D Vector Fields


Animated Graphs


Sunday, August 1, 2021

Random Lines

<script src='https://d3js.org/d3.v6.min.js'></script> was added in the page head.

Functions with Summation

<script src='https://d3js.org/d3.v6.min.js'></script> was added in the page head.

Building Clusters as Hierarchical Trees


If you want to build datasets with PyTorch



Friday, July 30, 2021

If you want to experiment with PyTorch



If you want to experiment with one neuron


Highcharts.js for 3D Plotting

<script src='https://code.highcharts.com/highcharts.js'></script>
<script src='https://code.highcharts.com/highcharts-3d.js'></script>
<script src='https://code.highcharts.com/modules/accessibility.js'></script>
was added in the page head.
HTML & JavaScript & SageMathCell


D3.js for Plotting with Random Coefficients

<script src='https://d3js.org/d3.v4.min.js'></script> was added in the page head.

Exercises in R and Python in the Same Cell


Plotting Exercises in R and Python



Magic Functions for Querying