diff options
| author | Navan Chauhan <navanchauhan@gmail.com> | 2021-05-26 23:58:29 +0530 | 
|---|---|---|
| committer | Navan Chauhan <navanchauhan@gmail.com> | 2021-05-26 23:58:29 +0530 | 
| commit | bfd3a825c2d73bd842769cdfaf11ad0319a3bd6e (patch) | |
| tree | 7b2c052bdf539f433ed3ab6bd133b6d46c7ff7e5 | |
| parent | 2cb28c0dd749611e6edd4688955769bda3381453 (diff) | |
added code and content
115 files changed, 5367 insertions, 0 deletions
| diff --git a/Content/about/index.md b/Content/about/index.md new file mode 100644 index 0000000..4adba32 --- /dev/null +++ b/Content/about/index.md @@ -0,0 +1,18 @@ +--- +date: 2003-12-21 22:32 +description: About Me! +tags: Personal +--- + +# About Me + +Hi! My name is Navan Chauhan. I dabble in the mysterious dark arts of programming and in-silico drug discovery. I am proficient in Python and can work my way with Swift. I only use vanilla JS. + + +## Contact Me + +The best way to reach out to me is by e-mail. navanchauhan[at]gmail.com Or, if I have made peace with my ISP and corrected the rDNS settings, then: hey[at]navan.dev + +My GPG Fingerprint: + +`1DA1 04AA DEB7 7473 A4FA C27B 4EFC A289 7342 A778`
\ No newline at end of file diff --git a/Content/index.md b/Content/index.md new file mode 100644 index 0000000..083fdfe --- /dev/null +++ b/Content/index.md @@ -0,0 +1 @@ +# 👋 Hi! diff --git a/Content/posts/2010-01-24-experiments.md b/Content/posts/2010-01-24-experiments.md new file mode 100644 index 0000000..364927a --- /dev/null +++ b/Content/posts/2010-01-24-experiments.md @@ -0,0 +1,11 @@ +--- +date: 2010-01-24 23:43 +description: Just a markdown file for all experiments related to the website +tags: Experiment +--- + +# Experiments + +https://s3-us-west-2.amazonaws.com/s.cdpn.io/148866/img-original.jpg + +<iframe frameborder="0" class="juxtapose" width="100%" height="675" src="https://cdn.knightlab.com/libs/juxtapose/latest/embed/index.html?uid=c600ff8c-3edc-11ea-b9b8-0edaf8f81e27"></iframe> diff --git a/Content/posts/2019-05-05-Custom-Snowboard-Anemone-Theme.md b/Content/posts/2019-05-05-Custom-Snowboard-Anemone-Theme.md new file mode 100644 index 0000000..5ae9970 --- /dev/null +++ b/Content/posts/2019-05-05-Custom-Snowboard-Anemone-Theme.md @@ -0,0 +1,219 @@ +--- +date: 2019-05-05 12:34 +description: Tutorial on creating your own custom theme for Snowboard or Anemone +tags: Tutorial, Jailbreak, Designing, Snowboard, Anemone +--- + +# Creating your own custom theme for Snowboard or Anemone + +### Contents +* Getting Started +* Theme Configuration +* Creating Icons +* Exporting Icons +* Icon Masks +* Packaging +* Building the DEB + +## Getting Started + +**Note: Without the proper folder structure, your theme may not show up!** + +* Create a new folder called `themeName.theme` (Replace themeName with your desired theme name) +* Within `themeName.theme` folder, create another folder called `IconBundles` (**You cannot change this name**) + +## Theme Configuration + +* Now, inside the `themeName.theme` folder, create a file called `Info.plist` and paste the following + +``` +<?xml version="1.0" encoding="UTF-8"?> +<!DOCTYPE plist PUBLIC "-//Apple//DTD PLIST 1.0//EN" "http://www.apple.com/DTDs/PropertyList-1.0.dtd"> +  <plist version="1.0"> +  <dict> +    <key>PackageName</key> +    <string>ThemeName</string> +    <key>ThemeType</key> +    <string>Icons</string> +  </dict> +</plist> +``` + +* Replace `PackageName` with the name of the Package and replace `ThemeName` with the Theme Name + +Now, you might ask what is the difference between `PackageName` and `ThemeName`? + +Well, if for example you want to publish two variants of your icons, one dark and one white but you do not want the user to seperately install them. +Then, you would name the package `MyTheme` and include two themes `Blackie` and `White` thus creating two entries. More about this in the end + +## Creating Icons + +* Open up the Image Editor of your choice and create a new file having a resolution of 512x512 + +**Note: Due to IconBundles, we just need to create the icons in one size and they get resized automatically** :ghost: + +**Want to create rounded icons?** +Create them squared only, we will learn how to apply masks! + +## Exporting Icons +**Note: All icons must be saved as `*.png` (Tip: This means you can even create partially transparent icons!)** + +* All Icons must be saved in `themeName.theme>IconBundles` as `bundleID-large.png` + +##### Finding BundleIDs + +**Stock Application BundleIDs** + +| Name        | BundleID             | +|-------------|----------------------| +| App Store   | com.apple.AppStore   | +| Apple Watch | com.apple.Bridge     | +| Calculator  | com.apple.calculator | +| Calendar | com.apple.mobilecal | +| Camera | com.apple.camera | +| Classroom | com.apple.classroom | +| Clock | com.apple.mobiletimer | +| Compass | com.apple.compass | +| FaceTime | com.apple.facetime | +| Files | com.apple.DocumentsApp | +| Game Center | com.apple.gamecenter | +| Health | com.apple.Health | +| Home | com.apple.Home | +| iBooks | com.apple.iBooks | +| iTunes Store | com.apple.MobileStore | +| Mail | com.apple.mobilemail | +| Maps | com.apple.Maps | +| Measure | com.apple.measure | +| Messages | com.apple.MobileSMS | +| Music | com.apple.Music | +| News | com.apple.news | +| Notes | com.apple.mobilenotes | +| Phone | com.apple.mobilephone | +| Photo Booth | com.apple.Photo-Booth | +| Photos | com.apple.mobileslideshow | +| Playgrounds | come.apple.Playgrounds | +| Podcasts | com.apple.podcasts | +| Reminders | com.apple.reminders | +| Safari | com.apple.mobilesafari | +| Settings | com.apple.Preferences | +| Stocks | com.apple.stocks | +| Tips | com.apple.tips | +| TV | com.apple.tv | +| Videos | com.apple.videos | +| Voice Memos | com.apple.VoiceMemos | +| Wallet | com.apple.Passbook | +| Weather | com.apple.weather | + +**3rd Party Applications BundleID** +Click [here](http://offcornerdev.com/bundleid.html) + +### Icon Masks + +* Getting the Classic Rounded Rectangle Masks + +In your `Info.plist` file add the following value between `<dict>` and </dict> + +``` +<key>IB-MaskIcons</key> +    <true/> +``` + +* Custom Icon Masks + +**NOTE: This is an optional step, if you do not want Icon Masks, skip this step** + +* Inside your `themeName.theme` folder, create another folder called 'Bundles' +  * Inside `Bundles` create another folder called `com.apple.mobileicons.framework` +   +#### Designing Masks + +**Masking does not support IconBundles, therefore you need to save the masks for each of the following** + +| File | Resolution | +|------|------------| +| AppIconMask@2x~ipad.png    | 152x512 | +| AppIconMask@2x~iphone.png    | 120x120 | +| AppIconMask@3x~ipad.png    | 180x180 | +| AppIconMask@3x~iphone.png    | 180x180 | +| AppIconMask~ipad.png    | 76x76 | +| DocumentBadgeMask-20@2x.png    | 40x40 | +| DocumentBadgeMask-145@2x.png    | 145x145 | +| GameAppIconMask@2x.png    | 84x84 | +| NotificationAppIconMask@2x.png    | 40x40 | +| NotificationAppIconMask@3x.png    | 60x60 | +| SpotlightAppIconMask@2x.png    | 80x80 | +| SpotlightAppIconMask@3x.png    | 120x120 | +| TableIconMask@2x.png    | 58x58 | +| TableIconOutline@2x.png    | 58x58 | + +* While creating the mask, make sure that the background is not a solid colour and is transparent +* Whichever area you want to make visible, it should be coloured in black + +Example (Credits: Pinpal): + + + +would result in + + + +### Packaging + +* Create a new folder outside `themeName.theme` with the name you want to be shown on Cydia, e.g `themeNameForCydia` +* Create another folder called `DEBIAN` in `themeNameForCydia` (It needs to be uppercase) +* In `DEBIAN` create an extension-less file called `control` and edit it using your favourite text editor + +Paste the following in it, replacing `yourname`, `themename`, `Theme Name`, `A theme with beautiful icons!` and `Your Name` with your details: + +``` +Package: com.yourname.themename +Name: Theme Name +Version: 1.0 +Architecture: iphoneos-arm +Description: A theme with beautiful icons! +Author: Your Name +Maintainer: Your Name +Section: Themes +``` + +* Important Notes: +  * The package field **MUST** be lower case! +  * The version field **MUST** be changed every-time you update your theme! +  * The control file **MUST** have an extra blank line at the bottom! +   +* Now, Create another folder called `Library` in `themeNameForCydia` +* In `Library` create another folder called `Themes` +* Finally, copy `themeName.theme` to the `Themes` folder (**Copy the entire folder, not just the contents**) + +### Building the DEB + +**For building the deb you need a `*nix` system, otherwise you can build it using your iPhones** + +##### Pre-Requisite for MacOS users +1) Install Homenbrew `/usr/bin/ruby -e "$(curl -fsSL https://raw.githubusercontent.com/Homebrew/install/master/install)"` (Run this in the terminal) +2) Install dpkg, by running `brew install dpkg` + +**There is a terrible thing called .DS_Store which if not removed, will cause a problem during either build or installation** + +* To remove this we first need to open the folder in the terminal + +* Launch the Terminal and then drag-and-drop the 'themeNameForCydia' folder on the Terminal icon in the dock +* Now, run `find . -name "*.DS_Store" -type f -delete` + +##### Pre-Requisite for Windows Users +* SSH into your iPhone and drag and drop the `themeNameForCyia` folder on the terminal + +##### Common Instructions + +* You should be at the root of the folder in the terminal, i.e Inside `themeNameForCydia` +* running `ls` should show the following output + +``` +DEBIAN  Library +``` + +* Now, in the terminal enter the following `cd .. && dpkg -b themeNameForCydia ` + +**Now you will have the `themeNameForCydia.deb` in the same directory** + +You can share this with your friends :+1: diff --git a/Content/posts/2019-12-04-Google-Teachable-Machines.md b/Content/posts/2019-12-04-Google-Teachable-Machines.md new file mode 100644 index 0000000..84ff1b9 --- /dev/null +++ b/Content/posts/2019-12-04-Google-Teachable-Machines.md @@ -0,0 +1,56 @@ +--- +date: 2019-12-04 18:23 +description: Tutorial on creating a custom image classifier quickly with Google Teachable Machines +tags: Tutorial +--- + +# Image Classifier With Teachable Machines + +Made for Google Code-In + +**Task Description** + +Using Glitch and the Teachable Machines, build a Book Detector with Tensorflow.js. When a book is recognized, the code would randomly suggest a book/tell a famous quote from a book. Here is an example Project to get you started: https://glitch.com/~voltaic-acorn + +### Details + +1) Collecting Data + +Teachable Machine allows you to create your dataset just by using your webcam! I created a database consisting of three classes ( Three Books ) and approximately grabbed 100 pictures for each book/class + + + +2) Training + +Training on teachable machines is as simple as clicking the train button. I did not even have to modify any configurations.  + + + +3) Finding Labels + +Because I originally entered the entire name of the book and it's author's name as the label, the class name got truncated (Note to self, use shorter class names :p ). I then modified the code to print the modified label names in an alert box.  + + + + + +4) Adding a suggestions function + +I first added a text field on the main page and then modified the JavaScript file to suggest a similar book whenever the model predicted with an accuracy >= 98%  + + + + + +5) Running! + +Here it is running! + + + + + + +Remix this project:- + +https://luminous-opinion.glitch.me diff --git a/Content/posts/2019-12-08-Image-Classifier-Tensorflow.md b/Content/posts/2019-12-08-Image-Classifier-Tensorflow.md new file mode 100644 index 0000000..d120c9b --- /dev/null +++ b/Content/posts/2019-12-08-Image-Classifier-Tensorflow.md @@ -0,0 +1,176 @@ +--- +date: 2019-12-08 14:16 +description: Tutorial on creating an image classifier model using TensorFlow which detects malaria +tags: Tutorial, Tensorflow, Colab +--- + +# Creating a Custom Image Classifier using Tensorflow 2.x and Keras for Detecting Malaria + +**Done during Google Code-In. Org: Tensorflow.** + +## Imports + +```python +%tensorflow_version 2.x #This is for telling Colab that you want to use TF 2.0, ignore if running on local machine + +from PIL import Image # We use the PIL Library to resize images +import numpy as np +import os +import cv2 +import tensorflow as tf +from tensorflow.keras import datasets, layers, models +import pandas as pd +import matplotlib.pyplot as plt +from keras.models import Sequential +from keras.layers import Conv2D,MaxPooling2D,Dense,Flatten,Dropout + +``` + +## Dataset + +### Fetching the Data + +```python +!wget ftp://lhcftp.nlm.nih.gov/Open-Access-Datasets/Malaria/cell_images.zip +!unzip cell_images.zip +``` + +### Processing the Data + +We resize all the images as 50x50 and add the numpy array of that image as well as their label names (Infected or Not) to common arrays. + +```python +data = [] +labels = [] + +Parasitized = os.listdir("./cell_images/Parasitized/") +for parasite in Parasitized: +    try: +        image=cv2.imread("./cell_images/Parasitized/"+parasite) +        image_from_array = Image.fromarray(image, 'RGB') +        size_image = image_from_array.resize((50, 50)) +        data.append(np.array(size_image)) +        labels.append(0) +    except AttributeError: +        print("") + +Uninfected = os.listdir("./cell_images/Uninfected/") +for uninfect in Uninfected: +    try: +        image=cv2.imread("./cell_images/Uninfected/"+uninfect) +        image_from_array = Image.fromarray(image, 'RGB') +        size_image = image_from_array.resize((50, 50)) +        data.append(np.array(size_image)) +        labels.append(1) +    except AttributeError: +        print("") +``` + +### Splitting Data + +```python +df = np.array(data) +labels = np.array(labels) +(X_train, X_test) = df[(int)(0.1*len(df)):],df[:(int)(0.1*len(df))] +(y_train, y_test) = labels[(int)(0.1*len(labels)):],labels[:(int)(0.1*len(labels))] +``` + +``` +s=np.arange(X_train.shape[0]) +np.random.shuffle(s) +X_train=X_train[s] +y_train=y_train[s] +X_train = X_train/255.0 +``` + +## Model + +### Creating Model + +By creating a sequential model, we create a linear stack of layers. + +*Note: The input shape for the first layer is 50,50 which corresponds with the sizes of the resized images* + +```python +model = models.Sequential() +model.add(layers.Conv2D(filters=16, kernel_size=2, padding='same', activation='relu', input_shape=(50,50,3))) +model.add(layers.MaxPooling2D(pool_size=2)) +model.add(layers.Conv2D(filters=32,kernel_size=2,padding='same',activation='relu')) +model.add(layers.MaxPooling2D(pool_size=2)) +model.add(layers.Conv2D(filters=64,kernel_size=2,padding="same",activation="relu")) +model.add(layers.MaxPooling2D(pool_size=2)) +model.add(layers.Dropout(0.2)) +model.add(layers.Flatten()) +model.add(layers.Dense(500,activation="relu")) +model.add(layers.Dropout(0.2)) +model.add(layers.Dense(2,activation="softmax"))#2 represent output layer neurons  +model.summary() +``` + +### Compiling Model + +We use the Adam optimiser as it is an adaptive learning rate optimisation algorithm that's been designed specifically for *training* deep neural networks, which means it changes its learning rate automatically to get the best results + +```python +model.compile(optimizer="adam", +              loss="sparse_categorical_crossentropy",  +             metrics=["accuracy"]) +``` + +### Training Model + +We train the model for 10 epochs on the training data and then validate it using the testing data + +```python +history = model.fit(X_train,y_train, epochs=10, validation_data=(X_test,y_test)) +``` + +```python +Train on 24803 samples, validate on 2755 samples +Epoch 1/10 +24803/24803 [==============================] - 57s 2ms/sample - loss: 0.0786 - accuracy: 0.9729 - val_loss: 0.0000e+00 - val_accuracy: 1.0000 +Epoch 2/10 +24803/24803 [==============================] - 58s 2ms/sample - loss: 0.0746 - accuracy: 0.9731 - val_loss: 0.0290 - val_accuracy: 0.9996 +Epoch 3/10 +24803/24803 [==============================] - 58s 2ms/sample - loss: 0.0672 - accuracy: 0.9764 - val_loss: 0.0000e+00 - val_accuracy: 1.0000 +Epoch 4/10 +24803/24803 [==============================] - 58s 2ms/sample - loss: 0.0601 - accuracy: 0.9789 - val_loss: 0.0000e+00 - val_accuracy: 1.0000 +Epoch 5/10 +24803/24803 [==============================] - 58s 2ms/sample - loss: 0.0558 - accuracy: 0.9804 - val_loss: 0.0000e+00 - val_accuracy: 1.0000 +Epoch 6/10 +24803/24803 [==============================] - 57s 2ms/sample - loss: 0.0513 - accuracy: 0.9819 - val_loss: 0.0000e+00 - val_accuracy: 1.0000 +Epoch 7/10 +24803/24803 [==============================] - 58s 2ms/sample - loss: 0.0452 - accuracy: 0.9849 - val_loss: 0.3190 - val_accuracy: 0.9985 +Epoch 8/10 +24803/24803 [==============================] - 58s 2ms/sample - loss: 0.0404 - accuracy: 0.9858 - val_loss: 0.0000e+00 - val_accuracy: 1.0000 +Epoch 9/10 +24803/24803 [==============================] - 58s 2ms/sample - loss: 0.0352 - accuracy: 0.9878 - val_loss: 0.0000e+00 - val_accuracy: 1.0000 +Epoch 10/10 +24803/24803 [==============================] - 58s 2ms/sample - loss: 0.0373 - accuracy: 0.9865 - val_loss: 0.0000e+00 - val_accuracy: 1.0000 +``` + +### Results + +```python +accuracy = history.history['accuracy'][-1]*100 +loss = history.history['loss'][-1]*100 +val_accuracy = history.history['val_accuracy'][-1]*100 +val_loss = history.history['val_loss'][-1]*100 + +print( +    'Accuracy:', accuracy, +    '\nLoss:', loss, +    '\nValidation Accuracy:', val_accuracy, +    '\nValidation Loss:', val_loss +) +``` +```python +Accuracy: 98.64532351493835  +Loss: 3.732407123270176  +Validation Accuracy: 100.0  +Validation Loss: 0.0 +``` + +We have achieved 98% Accuracy! + +[Link to Colab Notebook](https://colab.research.google.com/drive/1ZswDsxLwYZEnev89MzlL5Lwt6ut7iwp- "Colab Notebook") diff --git a/Content/posts/2019-12-08-Splitting-Zips.md b/Content/posts/2019-12-08-Splitting-Zips.md new file mode 100644 index 0000000..926bcab --- /dev/null +++ b/Content/posts/2019-12-08-Splitting-Zips.md @@ -0,0 +1,32 @@ +--- +date: 2019-12-08 13:27 +description: Short code snippet for splitting zips. +readTime: 120 +tags: Code-Snippet, Tutorial +--- + +# Splitting ZIPs into Multiple Parts + +**Tested on macOS** + +Creating the archive: + +```Termcap +zip -r -s 5 oodlesofnoodles.zip website/ +``` + +5 stands for each split files' size (in mb, kb and gb can also be specified) + +For encrypting the zip: + +```Termcap +zip -er -s 5 oodlesofnoodles.zip website +``` + +Extracting Files + +First we need to collect all parts, then + +```Termcap +zip -F oodlesofnoodles.zip --out merged.zip +``` diff --git a/Content/posts/2019-12-10-TensorFlow-Model-Prediction.md b/Content/posts/2019-12-10-TensorFlow-Model-Prediction.md new file mode 100644 index 0000000..cafa026 --- /dev/null +++ b/Content/posts/2019-12-10-TensorFlow-Model-Prediction.md @@ -0,0 +1,60 @@ +--- +date: 2019-12-10 11:10 +description: Making predictions for image classification models built using TensorFlow +tags: Tutorial, Tensorflow, Code-Snippet +--- + +# Making Predictions using Image Classifier (TensorFlow) + +*This was tested on TF 2.x and works as of 2019-12-10* + +If you want to understand how to make your own custom image classifier, please refer to my previous post. + +If you followed my last post, then you created a model which took an image of dimensions 50x50 as an input. + +First we import the following if we have not imported these before + +```python +import cv2 +import os +``` + +Then we read the file using OpenCV. + +```python +image=cv2.imread(imagePath) +``` + +The cv2. imread() function returns a NumPy array representing the image. Therefore, we need to convert it before we can use it. + +```python +image_from_array = Image.fromarray(image, 'RGB') +``` + +Then we resize the image + +```python +size_image = image_from_array.resize((50,50)) +``` + +After this we create a batch consisting of only one image + +```python +p = np.expand_dims(size_image, 0) +``` + +We then convert this uint8 datatype to a float32 datatype + +```python +img = tf.cast(p, tf.float32) +``` + +Finally we make the prediction + +```python +print(['Infected','Uninfected'][np.argmax(model.predict(img))]) +``` + +`Infected` + + diff --git a/Content/posts/2019-12-16-TensorFlow-Polynomial-Regression.md b/Content/posts/2019-12-16-TensorFlow-Polynomial-Regression.md new file mode 100644 index 0000000..a8439e6 --- /dev/null +++ b/Content/posts/2019-12-16-TensorFlow-Polynomial-Regression.md @@ -0,0 +1,506 @@ +--- +date: 2019-12-16 14:16 +description: Polynomial regression using TensorFlow +tags: Tutorial, Tensorflow, Colab +--- + +# Polynomial Regression Using TensorFlow + +**In this tutorial you will learn about polynomial regression and how you can implement it in Tensorflow.** + +In this, we will be performing polynomial regression using 5 types of equations - + +* Linear +* Quadratic +* Cubic +* Quartic +* Quintic + +## Regression + +### What is Regression? + +Regression is a statistical measurement that is used to try to determine the relationship between a +dependent variable (often denoted by Y), and series of varying variables (called independent variables, often denoted by X ). + +### What is Polynomial Regression + +This is a form of Regression Analysis where the relationship between Y and X is denoted as the nth degree/power of X. +Polynomial regression even fits a non-linear relationship (e.g when the points don't form a straight line). + + +## Imports + +```python +import tensorflow.compat.v1 as tf +tf.disable_v2_behavior() +import matplotlib.pyplot as plt +import numpy as np +import pandas as pd +``` + +## Dataset + +### Creating Random Data + +Even though in this tutorial we will use a Position Vs Salary dataset, it is important to know how to create synthetic data + +To create 50 values spaced evenly between 0 and 50, we use NumPy's linspace function + +`linspace(lower_limit, upper_limit, no_of_observations)` + +```python +x = np.linspace(0, 50, 50) +y = np.linspace(0, 50, 50) +``` +We use the following function to add noise to the data, so that our values +```python +x += np.random.uniform(-4, 4, 50) +y += np.random.uniform(-4, 4, 50) +``` + +### Position vs Salary Dataset + +We will be using https://drive.google.com/file/d/1tNL4jxZEfpaP4oflfSn6pIHJX7Pachm9/view (Salary vs Position Dataset) + +```Termcap +!wget --no-check-certificate 'https://docs.google.com/uc?export=download&id=1tNL4jxZEfpaP4oflfSn6pIHJX7Pachm9' -O data.csv +``` + +```python +df = pd.read_csv("data.csv") +``` + +```python +df # this gives us a preview of the dataset we are working with +``` + +```python +| Position          | Level | Salary  | +|-------------------|-------|---------| +| Business Analyst  | 1     | 45000   | +| Junior Consultant | 2     | 50000   | +| Senior Consultant | 3     | 60000   | +| Manager           | 4     | 80000   | +| Country Manager   | 5     | 110000  | +| Region Manager    | 6     | 150000  | +| Partner           | 7     | 200000  | +| Senior Partner    | 8     | 300000  | +| C-level           | 9     | 500000  | +| CEO               | 10    | 1000000 | +``` + +We convert the salary column as the ordinate (y-coordinate) and level column as the abscissa + +```python +abscissa = df["Level"].to_list() # abscissa = [1,2,3,4,5,6,7,8,9,10] +ordinate = df["Salary"].to_list() # ordinate = [45000,50000,60000,80000,110000,150000,200000,300000,500000,1000000] +``` + +```python +n = len(abscissa) # no of observations +plt.scatter(abscissa, ordinate) +plt.ylabel('Salary') +plt.xlabel('Position') +plt.title("Salary vs Position") +plt.show() +``` + + + +## Defining Stuff + +```python +X = tf.placeholder("float") +Y = tf.placeholder("float") +``` + +### Defining Variables +We first define all the coefficients and constant as tensorflow variables having a random initial value + +```python +a = tf.Variable(np.random.randn(), name = "a") +b = tf.Variable(np.random.randn(), name = "b") +c = tf.Variable(np.random.randn(), name = "c") +d = tf.Variable(np.random.randn(), name = "d") +e = tf.Variable(np.random.randn(), name = "e") +f = tf.Variable(np.random.randn(), name = "f") +``` + +### Model Configuration + +```python +learning_rate = 0.2 +no_of_epochs = 25000 +``` + +### Equations + +```python +deg1 = a*X + b +deg2 = a*tf.pow(X,2) + b*X + c +deg3 = a*tf.pow(X,3) + b*tf.pow(X,2) + c*X + d +deg4 = a*tf.pow(X,4) + b*tf.pow(X,3) + c*tf.pow(X,2) + d*X + e +deg5 = a*tf.pow(X,5) + b*tf.pow(X,4) + c*tf.pow(X,3) + d*tf.pow(X,2) + e*X + f +``` + +### Cost Function + +We use the Mean Squared Error Function + +```python +mse1 = tf.reduce_sum(tf.pow(deg1-Y,2))/(2*n) +mse2 = tf.reduce_sum(tf.pow(deg2-Y,2))/(2*n) +mse3 = tf.reduce_sum(tf.pow(deg3-Y,2))/(2*n) +mse4 = tf.reduce_sum(tf.pow(deg4-Y,2))/(2*n) +mse5 = tf.reduce_sum(tf.pow(deg5-Y,2))/(2*n) +``` + +### Optimizer + +We use the AdamOptimizer for the polynomial functions and GradientDescentOptimizer for the linear function + +```python +optimizer1 = tf.train.GradientDescentOptimizer(learning_rate).minimize(mse1) +optimizer2 = tf.train.AdamOptimizer(learning_rate).minimize(mse2) +optimizer3 = tf.train.AdamOptimizer(learning_rate).minimize(mse3) +optimizer4 = tf.train.AdamOptimizer(learning_rate).minimize(mse4) +optimizer5 = tf.train.AdamOptimizer(learning_rate).minimize(mse5) +``` + +```python +init=tf.global_variables_initializer() +``` + +## Model Predictions + +For each type of equation first we make the model predict the values of the coefficient(s) and constant, once we get these values we use it to predict the Y +values using the X values. We then plot it to compare the actual data and predicted line. + +### Linear Equation + +```python +with tf.Session() as sess: +    sess.run(init) +    for epoch in range(no_of_epochs): +      for (x,y) in zip(abscissa, ordinate): +        sess.run(optimizer1, feed_dict={X:x, Y:y}) +      if (epoch+1)%1000==0: +        cost = sess.run(mse1,feed_dict={X:abscissa,Y:ordinate}) +        print("Epoch",(epoch+1), ": Training Cost:", cost," a,b:",sess.run(a),sess.run(b)) + +        training_cost = sess.run(mse1,feed_dict={X:abscissa,Y:ordinate}) +        coefficient1 = sess.run(a) +        constant = sess.run(b) + +print(training_cost, coefficient1, constant) +``` + +```Termcap +Epoch 1000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 2000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 3000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 4000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 5000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 6000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 7000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 8000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 9000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 10000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 11000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 12000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 13000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 14000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 15000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 16000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 17000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 18000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 19000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 20000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 21000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 22000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 23000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 24000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +Epoch 25000 : Training Cost: 88999125000.0  a,b: 180396.42 -478869.12 +88999125000.0 180396.42 -478869.12 +``` + +```python +predictions = [] +for x in abscissa: +  predictions.append((coefficient1*x + constant)) +plt.plot(abscissa , ordinate, 'ro', label ='Original data') +plt.plot(abscissa, predictions, label ='Fitted line') +plt.title('Linear Regression Result') +plt.legend() +plt.show() +``` + + + +### Quadratic Equation + +```python +with tf.Session() as sess: +    sess.run(init) +    for epoch in range(no_of_epochs): +      for (x,y) in zip(abscissa, ordinate): +        sess.run(optimizer2, feed_dict={X:x, Y:y}) +      if (epoch+1)%1000==0: +        cost = sess.run(mse2,feed_dict={X:abscissa,Y:ordinate}) +        print("Epoch",(epoch+1), ": Training Cost:", cost," a,b,c:",sess.run(a),sess.run(b),sess.run(c)) + +        training_cost = sess.run(mse2,feed_dict={X:abscissa,Y:ordinate}) +        coefficient1 = sess.run(a) +        coefficient2 = sess.run(b) +        constant = sess.run(c) + +print(training_cost, coefficient1, coefficient2, constant) +``` + +```Termcap +Epoch 1000 : Training Cost: 52571360000.0  a,b,c: 1002.4456 1097.0197 1276.6921 +Epoch 2000 : Training Cost: 37798890000.0  a,b,c: 1952.4263 2130.2825 2469.7756 +Epoch 3000 : Training Cost: 26751185000.0  a,b,c: 2839.5825 3081.6118 3554.351 +Epoch 4000 : Training Cost: 19020106000.0  a,b,c: 3644.56 3922.9563 4486.3135 +Epoch 5000 : Training Cost: 14060446000.0  a,b,c: 4345.042 4621.4233 5212.693 +Epoch 6000 : Training Cost: 11201084000.0  a,b,c: 4921.1855 5148.1504 5689.0713 +Epoch 7000 : Training Cost: 9732740000.0  a,b,c: 5364.764 5493.0156 5906.754 +Epoch 8000 : Training Cost: 9050918000.0  a,b,c: 5685.4067 5673.182 5902.0728 +Epoch 9000 : Training Cost: 8750394000.0  a,b,c: 5906.9814 5724.8906 5734.746 +Epoch 10000 : Training Cost: 8613128000.0  a,b,c: 6057.3677 5687.3364 5461.167 +Epoch 11000 : Training Cost: 8540034600.0  a,b,c: 6160.547 5592.3022 5122.8633 +Epoch 12000 : Training Cost: 8490983000.0  a,b,c: 6233.9175 5462.025 4747.111 +Epoch 13000 : Training Cost: 8450816500.0  a,b,c: 6289.048 5310.7583 4350.6997 +Epoch 14000 : Training Cost: 8414082000.0  a,b,c: 6333.199 5147.394 3943.9294 +Epoch 15000 : Training Cost: 8378841600.0  a,b,c: 6370.7944 4977.1704 3532.476 +Epoch 16000 : Training Cost: 8344471000.0  a,b,c: 6404.468 4803.542 3120.2087 +Epoch 17000 : Training Cost: 8310785500.0  a,b,c: 6435.365 4628.1523 2709.1445 +Epoch 18000 : Training Cost: 8277482000.0  a,b,c: 6465.5493 4451.833 2300.2783 +Epoch 19000 : Training Cost: 8244650000.0  a,b,c: 6494.609 4274.826 1894.3738 +Epoch 20000 : Training Cost: 8212349000.0  a,b,c: 6522.8247 4098.1733 1491.9915 +Epoch 21000 : Training Cost: 8180598300.0  a,b,c: 6550.6567 3922.7405 1093.3868 +Epoch 22000 : Training Cost: 8149257700.0  a,b,c: 6578.489 3747.8362 698.53357 +Epoch 23000 : Training Cost: 8118325000.0  a,b,c: 6606.1973 3573.2742 307.3541 +Epoch 24000 : Training Cost: 8088001000.0  a,b,c: 6632.96 3399.878 -79.89219 +Epoch 25000 : Training Cost: 8058094600.0  a,b,c: 6659.793 3227.2517 -463.03156 +8058094600.0 6659.793 3227.2517 -463.03156 +``` + +```python +predictions = [] +for x in abscissa: +  predictions.append((coefficient1*pow(x,2) + coefficient2*x + constant)) +plt.plot(abscissa , ordinate, 'ro', label ='Original data') +plt.plot(abscissa, predictions, label ='Fitted line') +plt.title('Quadratic Regression Result') +plt.legend() +plt.show() +``` + + + +### Cubic + +```python +with tf.Session() as sess: +    sess.run(init) +    for epoch in range(no_of_epochs): +      for (x,y) in zip(abscissa, ordinate): +        sess.run(optimizer3, feed_dict={X:x, Y:y}) +      if (epoch+1)%1000==0: +        cost = sess.run(mse3,feed_dict={X:abscissa,Y:ordinate}) +        print("Epoch",(epoch+1), ": Training Cost:", cost," a,b,c,d:",sess.run(a),sess.run(b),sess.run(c),sess.run(d)) + +        training_cost = sess.run(mse3,feed_dict={X:abscissa,Y:ordinate}) +        coefficient1 = sess.run(a) +        coefficient2 = sess.run(b) +        coefficient3 = sess.run(c) +        constant = sess.run(d) + +print(training_cost, coefficient1, coefficient2, coefficient3, constant) +``` + +```Termcap +Epoch 1000 : Training Cost: 4279814000.0  a,b,c,d: 670.1527 694.4212 751.4653 903.9527 +Epoch 2000 : Training Cost: 3770950400.0  a,b,c,d: 742.6414 666.3489 636.94525 859.2088 +Epoch 3000 : Training Cost: 3717708300.0  a,b,c,d: 756.2582 569.3339 448.105 748.23956 +Epoch 4000 : Training Cost: 3667464000.0  a,b,c,d: 769.4476 474.0318 265.5761 654.75525 +Epoch 5000 : Training Cost: 3620040700.0  a,b,c,d: 782.32324 380.54272 89.39888 578.5136 +Epoch 6000 : Training Cost: 3575265800.0  a,b,c,d: 794.8898 288.83356 -80.5215 519.13654 +Epoch 7000 : Training Cost: 3532972000.0  a,b,c,d: 807.1608 198.87044 -244.31102 476.2061 +Epoch 8000 : Training Cost: 3493009200.0  a,b,c,d: 819.13513 110.64169 -402.0677 449.3291 +Epoch 9000 : Training Cost: 3455228400.0  a,b,c,d: 830.80255 24.0964 -553.92804 438.0652 +Epoch 10000 : Training Cost: 3419475500.0  a,b,c,d: 842.21594 -60.797424 -700.0123 441.983 +Epoch 11000 : Training Cost: 3385625300.0  a,b,c,d: 853.3363 -144.08699 -840.467 460.6356 +Epoch 12000 : Training Cost: 3353544700.0  a,b,c,d: 864.19135 -225.8125 -975.4196 493.57703 +Epoch 13000 : Training Cost: 3323125000.0  a,b,c,d: 874.778 -305.98932 -1104.9867 540.39465 +Epoch 14000 : Training Cost: 3294257000.0  a,b,c,d: 885.1007 -384.63474 -1229.277 600.65607 +Epoch 15000 : Training Cost: 3266820000.0  a,b,c,d: 895.18823 -461.819 -1348.4417 673.9051 +Epoch 16000 : Training Cost: 3240736000.0  a,b,c,d: 905.0128 -537.541 -1462.6171 759.7118 +Epoch 17000 : Training Cost: 3215895000.0  a,b,c,d: 914.60065 -611.8676 -1571.9058 857.6638 +Epoch 18000 : Training Cost: 3192216800.0  a,b,c,d: 923.9603 -684.8093 -1676.4642 967.30475 +Epoch 19000 : Training Cost: 3169632300.0  a,b,c,d: 933.08594 -756.3582 -1776.4275 1088.2198 +Epoch 20000 : Training Cost: 3148046300.0  a,b,c,d: 941.9928 -826.6257 -1871.9355 1219.9702 +Epoch 21000 : Training Cost: 3127394800.0  a,b,c,d: 950.67896 -895.6205 -1963.0989 1362.1665 +Epoch 22000 : Training Cost: 3107608600.0  a,b,c,d: 959.1487 -963.38116 -2050.0586 1514.4026 +Epoch 23000 : Training Cost: 3088618200.0  a,b,c,d: 967.4355 -1029.9625 -2132.961 1676.2717 +Epoch 24000 : Training Cost: 3070361300.0  a,b,c,d: 975.52875 -1095.4292 -2211.854 1847.4485 +Epoch 25000 : Training Cost: 3052791300.0  a,b,c,d: 983.4346 -1159.7922 -2286.9412 2027.4857 +3052791300.0 983.4346 -1159.7922 -2286.9412 2027.4857 +``` + +```python +predictions = [] +for x in abscissa: +  predictions.append((coefficient1*pow(x,3) + coefficient2*pow(x,2) + coefficient3*x + constant)) +plt.plot(abscissa , ordinate, 'ro', label ='Original data') +plt.plot(abscissa, predictions, label ='Fitted line') +plt.title('Cubic Regression Result') +plt.legend() +plt.show() +``` + + + +### Quartic + +```python +with tf.Session() as sess: +    sess.run(init) +    for epoch in range(no_of_epochs): +      for (x,y) in zip(abscissa, ordinate): +        sess.run(optimizer4, feed_dict={X:x, Y:y}) +      if (epoch+1)%1000==0: +        cost = sess.run(mse4,feed_dict={X:abscissa,Y:ordinate}) +        print("Epoch",(epoch+1), ": Training Cost:", cost," a,b,c,d:",sess.run(a),sess.run(b),sess.run(c),sess.run(d),sess.run(e)) + +        training_cost = sess.run(mse4,feed_dict={X:abscissa,Y:ordinate}) +        coefficient1 = sess.run(a) +        coefficient2 = sess.run(b) +        coefficient3 = sess.run(c) +        coefficient4 = sess.run(d) +        constant = sess.run(e) + +print(training_cost, coefficient1, coefficient2, coefficient3, coefficient4, constant) +``` + +```Termcap +Epoch 1000 : Training Cost: 1902632600.0  a,b,c,d: 84.48304 52.210594 54.791424 142.51952 512.0343 +Epoch 2000 : Training Cost: 1854316200.0  a,b,c,d: 88.998955 13.073557 14.276088 223.55667 1056.4655 +Epoch 3000 : Training Cost: 1812812400.0  a,b,c,d: 92.9462 -22.331177 -15.262934 327.41858 1634.9054 +Epoch 4000 : Training Cost: 1775716000.0  a,b,c,d: 96.42522 -54.64535 -35.829437 449.5028 2239.1392 +Epoch 5000 : Training Cost: 1741494100.0  a,b,c,d: 99.524734 -84.43976 -49.181057 585.85876 2862.4915 +Epoch 6000 : Training Cost: 1709199600.0  a,b,c,d: 102.31984 -112.19895 -56.808075 733.1876 3499.6199 +Epoch 7000 : Training Cost: 1678261800.0  a,b,c,d: 104.87324 -138.32709 -59.9442 888.79626 4146.2944 +Epoch 8000 : Training Cost: 1648340600.0  a,b,c,d: 107.23536 -163.15173 -59.58964 1050.524 4798.979 +Epoch 9000 : Training Cost: 1619243400.0  a,b,c,d: 109.44742 -186.9409 -56.53944 1216.6432 5454.9463 +Epoch 10000 : Training Cost: 1590821900.0  a,b,c,d: 111.54233 -209.91287 -51.423084 1385.8513 6113.5137 +Epoch 11000 : Training Cost: 1563042200.0  a,b,c,d: 113.54405 -232.21953 -44.73371 1557.1084 6771.7046 +Epoch 12000 : Training Cost: 1535855600.0  a,b,c,d: 115.471565 -253.9838 -36.851135 1729.535 7429.069 +Epoch 13000 : Training Cost: 1509255300.0  a,b,c,d: 117.33939 -275.29697 -28.0714 1902.5308 8083.9634 +Epoch 14000 : Training Cost: 1483227000.0  a,b,c,d: 119.1605 -296.2472 -18.618649 2075.6094 8735.381 +Epoch 15000 : Training Cost: 1457726700.0  a,b,c,d: 120.94584 -316.915 -8.650095 2248.3247 9384.197 +Epoch 16000 : Training Cost: 1432777300.0  a,b,c,d: 122.69806 -337.30704 1.7027153 2420.5771 10028.871 +Epoch 17000 : Training Cost: 1408365000.0  a,b,c,d: 124.42179 -357.45245 12.33499 2592.2983 10669.157 +Epoch 18000 : Training Cost: 1384480000.0  a,b,c,d: 126.12332 -377.39734 23.168756 2763.0933 11305.027 +Epoch 19000 : Training Cost: 1361116800.0  a,b,c,d: 127.80568 -397.16415 34.160156 2933.0452 11935.669 +Epoch 20000 : Training Cost: 1338288100.0  a,b,c,d: 129.4674 -416.72803 45.259155 3101.7727 12561.179 +Epoch 21000 : Training Cost: 1315959700.0  a,b,c,d: 131.11403 -436.14285 56.4436 3269.3142 13182.058 +Epoch 22000 : Training Cost: 1294164700.0  a,b,c,d: 132.74377 -455.3779 67.6757 3435.3833 13796.807 +Epoch 23000 : Training Cost: 1272863600.0  a,b,c,d: 134.35779 -474.45316 78.96117 3600.264 14406.58 +Epoch 24000 : Training Cost: 1252052600.0  a,b,c,d: 135.9583 -493.38254 90.268616 3764.0078 15010.481 +Epoch 25000 : Training Cost: 1231713700.0  a,b,c,d: 137.54753 -512.1876 101.59372 3926.4897 15609.368 +1231713700.0 137.54753 -512.1876 101.59372 3926.4897 15609.368 +``` + +```python +predictions = [] +for x in abscissa: +  predictions.append((coefficient1*pow(x,4) + coefficient2*pow(x,3) + coefficient3*pow(x,2) + coefficient4*x + constant)) +plt.plot(abscissa , ordinate, 'ro', label ='Original data') +plt.plot(abscissa, predictions, label ='Fitted line') +plt.title('Quartic Regression Result') +plt.legend() +plt.show() +``` + + + +### Quintic + +```python +with tf.Session() as sess: +    sess.run(init) +    for epoch in range(no_of_epochs): +      for (x,y) in zip(abscissa, ordinate): +        sess.run(optimizer5, feed_dict={X:x, Y:y}) +      if (epoch+1)%1000==0: +        cost = sess.run(mse5,feed_dict={X:abscissa,Y:ordinate}) +        print("Epoch",(epoch+1), ": Training Cost:", cost," a,b,c,d,e,f:",sess.run(a),sess.run(b),sess.run(c),sess.run(d),sess.run(e),sess.run(f)) + +        training_cost = sess.run(mse5,feed_dict={X:abscissa,Y:ordinate}) +        coefficient1 = sess.run(a) +        coefficient2 = sess.run(b) +        coefficient3 = sess.run(c) +        coefficient4 = sess.run(d) +        coefficient5 = sess.run(e) +        constant = sess.run(f) +``` + +```Termcap +Epoch 1000 : Training Cost: 1409200100.0  a,b,c,d,e,f: 7.949472 7.46219 55.626034 184.29028 484.00223 1024.0083 +Epoch 2000 : Training Cost: 1306882400.0  a,b,c,d,e,f: 8.732181 -4.0085897 73.25298 315.90103 904.08887 2004.9749 +Epoch 3000 : Training Cost: 1212606000.0  a,b,c,d,e,f: 9.732249 -16.90125 86.28379 437.06552 1305.055 2966.2188 +Epoch 4000 : Training Cost: 1123640400.0  a,b,c,d,e,f: 10.74851 -29.82692 98.59997 555.331 1698.4631 3917.9155 +Epoch 5000 : Training Cost: 1039694300.0  a,b,c,d,e,f: 11.75426 -42.598194 110.698326 671.64355 2085.5513 4860.8535 +Epoch 6000 : Training Cost: 960663550.0  a,b,c,d,e,f: 12.745439 -55.18337 122.644936 786.00214 2466.1638 5794.3735 +Epoch 7000 : Training Cost: 886438340.0  a,b,c,d,e,f: 13.721028 -67.57168 134.43822 898.3691 2839.9958 6717.659 +Epoch 8000 : Training Cost: 816913100.0  a,b,c,d,e,f: 14.679965 -79.75113 146.07385 1008.66895 3206.6692 7629.812 +Epoch 9000 : Training Cost: 751971500.0  a,b,c,d,e,f: 15.62181 -91.71608 157.55713 1116.7715 3565.8323 8529.976 +Epoch 10000 : Training Cost: 691508740.0  a,b,c,d,e,f: 16.545347 -103.4531 168.88321 1222.6348 3916.9785 9416.236 +Epoch 11000 : Training Cost: 635382000.0  a,b,c,d,e,f: 17.450052 -114.954254 180.03932 1326.1565 4259.842 10287.99 +Epoch 12000 : Training Cost: 583477250.0  a,b,c,d,e,f: 18.334944 -126.20821 191.02948 1427.2095 4593.8 11143.449 +Epoch 13000 : Training Cost: 535640400.0  a,b,c,d,e,f: 19.198917 -137.20206 201.84718 1525.6926 4918.5327 11981.633 +Epoch 14000 : Training Cost: 491722240.0  a,b,c,d,e,f: 20.041153 -147.92719 212.49709 1621.5496 5233.627 12800.468 +Epoch 15000 : Training Cost: 451559520.0  a,b,c,d,e,f: 20.860966 -158.37456 222.97133 1714.7141 5538.676 13598.337 +Epoch 16000 : Training Cost: 414988960.0  a,b,c,d,e,f: 21.657421 -168.53406 233.27422 1805.0874 5833.1978 14373.658 +Epoch 17000 : Training Cost: 381837920.0  a,b,c,d,e,f: 22.429693 -178.39536 243.39914 1892.5883 6116.847 15124.394 +Epoch 18000 : Training Cost: 351931300.0  a,b,c,d,e,f: 23.176882 -187.94789 253.3445 1977.137 6389.117 15848.417 +Epoch 19000 : Training Cost: 325074400.0  a,b,c,d,e,f: 23.898485 -197.18741 263.12512 2058.6716 6649.8037 16543.95 +Epoch 20000 : Training Cost: 301073570.0  a,b,c,d,e,f: 24.593851 -206.10497 272.72385 2137.1797 6898.544 17209.367 +Epoch 21000 : Training Cost: 279727000.0  a,b,c,d,e,f: 25.262104 -214.69217 282.14642 2212.6372 7135.217 17842.854 +Epoch 22000 : Training Cost: 260845550.0  a,b,c,d,e,f: 25.903376 -222.94969 291.4003 2284.9844 7359.4644 18442.408 +Epoch 23000 : Training Cost: 244218030.0  a,b,c,d,e,f: 26.517094 -230.8697 300.45532 2354.3003 7571.261 19007.49 +Epoch 24000 : Training Cost: 229660080.0  a,b,c,d,e,f: 27.102589 -238.44817 309.35342 2420.4185 7770.5728 19536.19 +Epoch 25000 : Training Cost: 216972400.0  a,b,c,d,e,f: 27.660324 -245.69016 318.10062 2483.3608 7957.354 20027.707 +216972400.0 27.660324 -245.69016 318.10062 2483.3608 7957.354 20027.707 +``` + +```python +predictions = [] +for x in abscissa: +  predictions.append((coefficient1*pow(x,5) + coefficient2*pow(x,4) + coefficient3*pow(x,3) + coefficient4*pow(x,2) + coefficient5*x + constant)) +plt.plot(abscissa , ordinate, 'ro', label ='Original data') +plt.plot(abscissa, predictions, label ='Fitted line') +plt.title('Quintic Regression Result') +plt.legend() +plt.show() +``` + + + +## Results and Conclusion + +You just learnt Polynomial Regression using TensorFlow! + +## Notes + +### Overfitting + +> > Overfitting refers to a model that models the training data too well. +Overfitting happens when a model learns the detail and noise in the training data to the extent that it negatively impacts the performance of the model on new data. This means that the noise or random fluctuations in the training data is picked up and learned as concepts by the model. The problem is that these concepts do not apply to new data and negatively impact the models ability to generalise. + +> Source: Machine Learning Mastery + +Basically if you train your machine learning model on a small dataset for a really large number of epochs, the model will learn all the deformities/noise in the data and will actually think that it is a normal part. Therefore when it will see some new data, it will discard that new data as noise and will impact the accuracy of the model in a negative manner diff --git a/Content/posts/2019-12-22-Fake-News-Detector.md b/Content/posts/2019-12-22-Fake-News-Detector.md new file mode 100644 index 0000000..4cc3894 --- /dev/null +++ b/Content/posts/2019-12-22-Fake-News-Detector.md @@ -0,0 +1,262 @@ +--- +date: 2019-12-22 11:10 +description: In this tutorial we will build a fake news detecting app from scratch, using Turicreate for the machine learning model and SwiftUI for building the app +tags: Tutorial, Colab, SwiftUI, Turicreate +--- + + +# Building a Fake News Detector with Turicreate + +**In this tutorial we will build a fake news detecting app from scratch, using Turicreate for the machine learning model and SwiftUI for building the app** + + +Note: These commands are written as if you are running a jupyter notebook. + +## Building the Machine Learning Model + +### Data Gathering + +To build a classifier, you need a lot of data. George McIntire (GH: @joolsa) has created a wonderful dataset containing the headline, body and whether it is fake or real. +Whenever you are looking for a dataset, always try searching on Kaggle and GitHub before you start building your own + +### Dependencies + +I used a Google Colab instance for training my model.  If you also plan on using Google Colab then I recommend choosing a GPU Instance (It is Free) +This allows you to train the model on the GPU. Turicreate is built on top of Apache's MXNet Framework, for us to use GPU we need to install +a CUDA compatible MXNet package. + +```Termcap +!pip install turicreate +!pip uninstall -y mxnet +!pip install mxnet-cu100==1.4.0.post0 +``` + +If you do not wish to train on GPU or are running it on your computer, you can ignore the last two lines + +### Downloading the Dataset + +```Termcap +!wget -q "https://github.com/joolsa/fake_real_news_dataset/raw/master/fake_or_real_news.csv.zip" +!unzip fake_or_real_news.csv.zip +``` + +### Model Creation + +```python +import turicreate as tc +tc.config.set_num_gpus(-1) # If you do not wish to use GPUs, set it to 0 +``` + +```python +dataSFrame = tc.SFrame('fake_or_real_news.csv') +``` + +The dataset contains a column named "X1", which is of no use to us. Therefore, we simply drop it + +```python +dataSFrame.remove_column('X1') +``` + +#### Splitting Dataset + +```python +train, test = dataSFrame.random_split(.9) +``` + +#### Training + +```python +model = tc.text_classifier.create( +    dataset=train, +    target='label', +    features=['title','text'] +) +``` + +```python ++-----------+----------+-----------+--------------+-------------------+---------------------+ +| Iteration | Passes   | Step size | Elapsed Time | Training Accuracy | Validation Accuracy | ++-----------+----------+-----------+--------------+-------------------+---------------------+ +| 0         | 2        | 1.000000  | 1.156349     | 0.889680          | 0.790036            | +| 1         | 4        | 1.000000  | 1.359196     | 0.985952          | 0.918149            | +| 2         | 6        | 0.820091  | 1.557205     | 0.990260          | 0.914591            | +| 3         | 7        | 1.000000  | 1.684872     | 0.998689          | 0.925267            | +| 4         | 8        | 1.000000  | 1.814194     | 0.999063          | 0.925267            | +| 9         | 14       | 1.000000  | 2.507072     | 1.000000          | 0.911032            | ++-----------+----------+-----------+--------------+-------------------+---------------------+ +``` + +### Testing the Model + +```python +est_predictions = model.predict(test) +accuracy = tc.evaluation.accuracy(test['label'], test_predictions) +print(f'Topic classifier model has a testing accuracy of {accuracy*100}% ', flush=True) +``` + +```python +Topic classifier model has a testing accuracy of 92.3076923076923% +``` + +We have just created our own Fake News Detection Model which has an accuracy of 92%! + +```python +example_text = {"title": ["Middling ‘Rise Of Skywalker’ Review Leaves Fan On Fence About Whether To Threaten To Kill Critic"], "text": ["Expressing ambivalence toward the relatively balanced appraisal of the film, Star Wars fan Miles Ariely admitted Thursday that an online publication’s middling review of The Rise Of Skywalker had left him on the fence about whether he would still threaten to kill the critic who wrote it. “I’m really of two minds about this, because on the one hand, he said the new movie fails to live up to the original trilogy, which makes me at least want to throw a brick through his window with a note telling him to watch his back,” said Ariely, confirming he had already drafted an eight-page-long death threat to Stan Corimer of the website Screen-On Time, but had not yet decided whether to post it to the reviewer’s Facebook page. “On the other hand, though, he commended J.J. Abrams’ skillful pacing and faithfulness to George Lucas’ vision, which makes me wonder if I should just call the whole thing off. Now, I really don’t feel like camping outside his house for hours. Maybe I could go with a response that’s somewhere in between, like, threatening to kill his dog but not everyone in his whole family? I don’t know. This is a tough one.” At press time, sources reported that Ariely had resolved to wear his Ewok costume while he murdered the critic in his sleep."]} +example_prediction = model.classify(tc.SFrame(example_text)) +print(example_prediction, flush=True) +``` + +```python ++-------+--------------------+ +| class |    probability     | ++-------+--------------------+ +|  FAKE | 0.9245648658345308 | ++-------+--------------------+ +[1 rows x 2 columns] +``` + +### Exporting the Model + +```python +model_name = 'FakeNews' +coreml_model_name = model_name + '.mlmodel' +exportedModel = model.export_coreml(coreml_model_name) +``` + +**Note: To download files from Google Colab, simply click on the files section in the sidebar, right click on filename and then click on download** + +[Link to Colab Notebook](https://colab.research.google.com/drive/1onMXGkhA__X2aOFdsoVL-6HQBsWQhOP4) + +## Building the App using SwiftUI + +### Initial Setup + +First we create a single view app (make sure you check the use SwiftUI button) + +Then we copy our .mlmodel file to our project (Just drag and drop the file in the XCode Files Sidebar) + +Our ML Model does not take a string directly as an input, rather it takes bag of words as an input. +DescriptionThe bag-of-words model is a simplifying representation used in NLP, in this text is represented as a bag of words, without any regard for grammar or order, but noting multiplicity + +We define our bag of words function + + +```swift +func bow(text: String) -> [String: Double] { +        var bagOfWords = [String: Double]() +         +        let tagger = NSLinguisticTagger(tagSchemes: [.tokenType], options: 0) +        let range = NSRange(location: 0, length: text.utf16.count) +        let options: NSLinguisticTagger.Options = [.omitPunctuation, .omitWhitespace] +        tagger.string = text +         +        tagger.enumerateTags(in: range, unit: .word, scheme: .tokenType, options: options) { _, tokenRange, _ in +            let word = (text as NSString).substring(with: tokenRange) +            if bagOfWords[word] != nil { +                bagOfWords[word]! += 1 +            } else { +                bagOfWords[word] = 1 +            } +        } +         +        return bagOfWords +    } +``` + + +We also declare our variables + +```swift +@State private var title: String = "" +@State private var headline: String = "" +@State private var alertTitle = "" +@State private var alertText = "" +@State private var showingAlert = false +``` + +Finally, we implement a simple function which reads the two text fields, creates their bag of words representation and displays an alert with the appropriate result + + + +**Complete Code** + + +```swift +import SwiftUI + +struct ContentView: View { +    @State private var title: String = "" +    @State private var headline: String = "" +     +    @State private var alertTitle = "" +    @State private var alertText = "" +    @State private var showingAlert = false +     +    var body: some View { +        NavigationView { +            VStack(alignment: .leading) { +                Text("Headline").font(.headline) +                TextField("Please Enter Headline", text: $title) +                    .lineLimit(nil) +                Text("Body").font(.headline) +                TextField("Please Enter the content", text: $headline) +                .lineLimit(nil) +            } +                .navigationBarTitle("Fake News Checker") +            .navigationBarItems(trailing: +                Button(action: classifyFakeNews) { +                    Text("Check") +                }) +            .padding() +                .alert(isPresented: $showingAlert){ +                    Alert(title: Text(alertTitle), message: Text(alertText), dismissButton: .default(Text("OK"))) +            } +        } +         +    } +     +    func classifyFakeNews(){ +        let model = FakeNews() +        let myTitle = bow(text: title) +        let myText = bow(text: headline) +        do { +            let prediction = try model.prediction(title: myTitle, text: myText) +            alertTitle = prediction.label +            alertText = "It is likely that this piece of news is \(prediction.label.lowercased())." +            print(alertText) +        } catch { +            alertTitle = "Error" +            alertText = "Sorry, could not classify if the input news was fake or not." +        } +         +        showingAlert = true +    } +    func bow(text: String) -> [String: Double] { +        var bagOfWords = [String: Double]() +         +        let tagger = NSLinguisticTagger(tagSchemes: [.tokenType], options: 0) +        let range = NSRange(location: 0, length: text.utf16.count) +        let options: NSLinguisticTagger.Options = [.omitPunctuation, .omitWhitespace] +        tagger.string = text +         +        tagger.enumerateTags(in: range, unit: .word, scheme: .tokenType, options: options) { _, tokenRange, _ in +            let word = (text as NSString).substring(with: tokenRange) +            if bagOfWords[word] != nil { +                bagOfWords[word]! += 1 +            } else { +                bagOfWords[word] = 1 +            } +        } +         +        return bagOfWords +    } +} + +struct ContentView_Previews: PreviewProvider { +    static var previews: some View { +        ContentView() +    } +} + +``` + diff --git a/Content/posts/2020-01-14-Converting-between-PIL-NumPy.md b/Content/posts/2020-01-14-Converting-between-PIL-NumPy.md new file mode 100644 index 0000000..d1f502b --- /dev/null +++ b/Content/posts/2020-01-14-Converting-between-PIL-NumPy.md @@ -0,0 +1,30 @@ +--- +date: 2020-01-14 00:10 +description: Short code snippet for converting between PIL image and NumPy arrays. +tags: Code-Snippet, Tutorial +--- + +# Converting between image and NumPy array + +```python +import numpy +import PIL + +# Convert PIL Image to NumPy array +img = PIL.Image.open("foo.jpg") +arr = numpy.array(img) + +# Convert array to Image +img = PIL.Image.fromarray(arr) +``` + + +## Saving an Image + +```python +try: +    img.save(destination, "JPEG", quality=80, optimize=True, progressive=True) +except IOError: +    PIL.ImageFile.MAXBLOCK = img.size[0] * img.size[1] +    img.save(destination, "JPEG", quality=80, optimize=True, progressive=True) +``` diff --git a/Content/posts/2020-01-15-Setting-up-Kaggle-to-use-with-Colab.md b/Content/posts/2020-01-15-Setting-up-Kaggle-to-use-with-Colab.md new file mode 100644 index 0000000..1f7d632 --- /dev/null +++ b/Content/posts/2020-01-15-Setting-up-Kaggle-to-use-with-Colab.md @@ -0,0 +1,51 @@ +--- +date: 2020-01-15 23:36 +description: Tutorial on setting up kaggle, to use with Google Colab +tags: Tutorial, Colab, Turicreate, Kaggle +--- + +# Setting up Kaggle to use with Google Colab + +*In order to be able to access Kaggle Datasets, you will need to have an account on Kaggle (which is Free)* + +## Grabbing Our Tokens + +### Go to Kaggle + + + + +### Click on your User Profile and Click on My Account + + + +### Scroll Down until you see Create New API Token + + + +### This will download your token as a JSON file + + + +Copy the File to the root folder of your Google Drive + + +## Setting up Colab + +### Mounting Google Drive + +```python +import os +from google.colab import drive +drive.mount('/content/drive') +``` + +After this click on the URL in the output section, login and then paste the Auth Code + +### Configuring Kaggle + +```python +os.environ['KAGGLE_CONFIG_DIR'] = "/content/drive/My Drive/" +``` + +Voila! You can now download Kaggle datasets diff --git a/Content/posts/2020-01-16-Image-Classifier-Using-Turicreate.md b/Content/posts/2020-01-16-Image-Classifier-Using-Turicreate.md new file mode 100644 index 0000000..5045a57 --- /dev/null +++ b/Content/posts/2020-01-16-Image-Classifier-Using-Turicreate.md @@ -0,0 +1,268 @@ +--- +date: 2020-01-16 10:36 +description: Tutorial on creating a custom Image Classifier using Turicreate and a dataset from Kaggle +tags: Tutorial, Colab, Turicreate +--- + +# Creating a Custom Image Classifier using Turicreate to detect Smoke and Fire + +*For setting up Kaggle with Google Colab, please refer to <a href="/posts/2020-01-15-Setting-up-Kaggle-to-use-with-Colab/"> my previous post</a>* + + +## Dataset + +### Mounting Google Drive + +```python +import os +from google.colab import drive +drive.mount('/content/drive') +``` + +### Downloading Dataset from Kaggle + +```python +os.environ['KAGGLE_CONFIG_DIR'] = "/content/drive/My Drive/" +!kaggle datasets download ashutosh69/fire-and-smoke-dataset +!unzip "fire-and-smoke-dataset.zip" +``` + +## Pre-Processing + +```Termcap +!mkdir default smoke fire +``` + + +\ + +```Termcap +!ls data/data/img_data/train/default/*.jpg +``` + +\ + +```Termcap +img_1002.jpg   img_20.jpg     img_519.jpg     img_604.jpg       img_80.jpg +img_1003.jpg   img_21.jpg     img_51.jpg     img_60.jpg       img_8.jpg +img_1007.jpg   img_22.jpg     img_520.jpg     img_61.jpg       img_900.jpg +img_100.jpg    img_23.jpg     img_521.jpg    'img_62 (2).jpg'   img_920.jpg +img_1014.jpg   img_24.jpg    'img_52 (2).jpg'     img_62.jpg       img_921.jpg +img_1018.jpg   img_29.jpg     img_522.jpg    'img_63 (2).jpg'   img_922.jpg +img_101.jpg    img_3000.jpg   img_523.jpg     img_63.jpg       img_923.jpg +img_1027.jpg   img_335.jpg    img_524.jpg     img_66.jpg       img_924.jpg +img_102.jpg    img_336.jpg    img_52.jpg     img_67.jpg       img_925.jpg +img_1042.jpg   img_337.jpg    img_530.jpg     img_68.jpg       img_926.jpg +img_1043.jpg   img_338.jpg    img_531.jpg     img_700.jpg       img_927.jpg +img_1046.jpg   img_339.jpg   'img_53 (2).jpg'     img_701.jpg       img_928.jpg +img_1052.jpg   img_340.jpg    img_532.jpg     img_702.jpg       img_929.jpg +img_107.jpg    img_341.jpg    img_533.jpg     img_703.jpg       img_930.jpg +img_108.jpg    img_3.jpg      img_537.jpg     img_704.jpg       img_931.jpg +img_109.jpg    img_400.jpg    img_538.jpg     img_705.jpg       img_932.jpg +img_10.jpg     img_471.jpg    img_539.jpg     img_706.jpg       img_933.jpg +img_118.jpg    img_472.jpg    img_53.jpg     img_707.jpg       img_934.jpg +img_12.jpg     img_473.jpg    img_540.jpg     img_708.jpg       img_935.jpg +img_14.jpg     img_488.jpg    img_541.jpg     img_709.jpg       img_938.jpg +img_15.jpg     img_489.jpg   'img_54 (2).jpg'     img_70.jpg       img_958.jpg +img_16.jpg     img_490.jpg    img_542.jpg     img_710.jpg       img_971.jpg +img_17.jpg     img_491.jpg    img_543.jpg    'img_71 (2).jpg'   img_972.jpg +img_18.jpg     img_492.jpg    img_54.jpg     img_71.jpg       img_973.jpg +img_19.jpg     img_493.jpg   'img_55 (2).jpg'     img_72.jpg       img_974.jpg +img_1.jpg      img_494.jpg    img_55.jpg     img_73.jpg       img_975.jpg +img_200.jpg    img_495.jpg    img_56.jpg     img_74.jpg       img_980.jpg +img_201.jpg    img_496.jpg    img_57.jpg     img_75.jpg       img_988.jpg +img_202.jpg    img_497.jpg    img_58.jpg     img_76.jpg       img_9.jpg +img_203.jpg    img_4.jpg      img_59.jpg     img_77.jpg +img_204.jpg    img_501.jpg    img_601.jpg     img_78.jpg +img_205.jpg    img_502.jpg    img_602.jpg     img_79.jpg +img_206.jpg    img_50.jpg     img_603.jpg     img_7.jpg +``` + + +The image files are not actually JPEG, thus we first need to save them in the correct format for Turicreate + +```python +from PIL import Image +import glob + + +folders = ["default","smoke","fire"] +for folder in folders: +  n = 1 +  for file in glob.glob("./data/data/img_data/train/" + folder + "/*.jpg"): +    im = Image.open(file) +    rgb_im = im.convert('RGB') +    rgb_im.save((folder + "/" + str(n) + ".jpg"), quality=100) +    n +=1  +  for file in glob.glob("./data/data/img_data/train/" + folder + "/*.jpg"): +    im = Image.open(file) +    rgb_im = im.convert('RGB') +    rgb_im.save((folder + "/" + str(n) + ".jpg"), quality=100) +    n +=1 +``` + +\ + +```Termcap +!mkdir train +!mv default ./train +!mv smoke ./train +!mv fire ./train +``` + +## Making the Image Classifier + +### Making an SFrame + +```Termcap +!pip install turicreate +``` + +\ + +```python +import turicreate as tc +import os + +data = tc.image_analysis.load_images("./train", with_path=True) + +data["label"] = data["path"].apply(lambda path: os.path.basename(os.path.dirname(path))) + +print(data) + +data.save('fire-smoke.sframe') +``` + +\ + +```Termcap ++-------------------------+------------------------+ +|           path          |         image          | ++-------------------------+------------------------+ +|  ./train/default/1.jpg  | Height: 224 Width: 224 | +|  ./train/default/10.jpg | Height: 224 Width: 224 | +| ./train/default/100.jpg | Height: 224 Width: 224 | +| ./train/default/101.jpg | Height: 224 Width: 224 | +| ./train/default/102.jpg | Height: 224 Width: 224 | +| ./train/default/103.jpg | Height: 224 Width: 224 | +| ./train/default/104.jpg | Height: 224 Width: 224 | +| ./train/default/105.jpg | Height: 224 Width: 224 | +| ./train/default/106.jpg | Height: 224 Width: 224 | +| ./train/default/107.jpg | Height: 224 Width: 224 | ++-------------------------+------------------------+ +[2028 rows x 2 columns] +Note: Only the head of the SFrame is printed. +You can use print_rows(num_rows=m, num_columns=n) to print more rows and columns. ++-------------------------+------------------------+---------+ +|           path          |         image          |  label  | ++-------------------------+------------------------+---------+ +|  ./train/default/1.jpg  | Height: 224 Width: 224 | default | +|  ./train/default/10.jpg | Height: 224 Width: 224 | default | +| ./train/default/100.jpg | Height: 224 Width: 224 | default | +| ./train/default/101.jpg | Height: 224 Width: 224 | default | +| ./train/default/102.jpg | Height: 224 Width: 224 | default | +| ./train/default/103.jpg | Height: 224 Width: 224 | default | +| ./train/default/104.jpg | Height: 224 Width: 224 | default | +| ./train/default/105.jpg | Height: 224 Width: 224 | default | +| ./train/default/106.jpg | Height: 224 Width: 224 | default | +| ./train/default/107.jpg | Height: 224 Width: 224 | default | ++-------------------------+------------------------+---------+ +[2028 rows x 3 columns] +Note: Only the head of the SFrame is printed. +You can use print_rows(num_rows=m, num_columns=n) to print more rows and columns. +``` + + +### Making the Model + +```python + +import turicreate as tc + +# Load the data +data =  tc.SFrame('fire-smoke.sframe') + +# Make a train-test split +train_data, test_data = data.random_split(0.8) + +# Create the model +model = tc.image_classifier.create(train_data, target='label') + +# Save predictions to an SArray +predictions = model.predict(test_data) + +# Evaluate the model and print the results +metrics = model.evaluate(test_data) +print(metrics['accuracy']) + +# Save the model for later use in Turi Create +model.save('fire-smoke.model') + +# Export for use in Core ML +model.export_coreml('fire-smoke.mlmodel') +``` + +\ + +```Termcap +Performing feature extraction on resized images... +Completed   64/1633 +Completed  128/1633 +Completed  192/1633 +Completed  256/1633 +Completed  320/1633 +Completed  384/1633 +Completed  448/1633 +Completed  512/1633 +Completed  576/1633 +Completed  640/1633 +Completed  704/1633 +Completed  768/1633 +Completed  832/1633 +Completed  896/1633 +Completed  960/1633 +Completed 1024/1633 +Completed 1088/1633 +Completed 1152/1633 +Completed 1216/1633 +Completed 1280/1633 +Completed 1344/1633 +Completed 1408/1633 +Completed 1472/1633 +Completed 1536/1633 +Completed 1600/1633 +Completed 1633/1633 +PROGRESS: Creating a validation set from 5 percent of training data. This may take a while. +          You can set ``validation_set=None`` to disable validation tracking. + +Logistic regression: +-------------------------------------------------------- +Number of examples          : 1551 +Number of classes           : 3 +Number of feature columns   : 1 +Number of unpacked features : 2048 +Number of coefficients      : 4098 +Starting L-BFGS +-------------------------------------------------------- ++-----------+----------+-----------+--------------+-------------------+---------------------+ +| Iteration | Passes   | Step size | Elapsed Time | Training Accuracy | Validation Accuracy | ++-----------+----------+-----------+--------------+-------------------+---------------------+ +| 0         | 6        | 0.018611  | 0.891830     | 0.553836          | 0.560976            | +| 1         | 10       | 0.390832  | 1.622383     | 0.744681          | 0.792683            | +| 2         | 11       | 0.488541  | 1.943987     | 0.733075          | 0.804878            | +| 3         | 14       | 2.442703  | 2.512545     | 0.727917          | 0.841463            | +| 4         | 15       | 2.442703  | 2.826964     | 0.861380          | 0.853659            | +| 9         | 28       | 2.340435  | 5.492035     | 0.941328          | 0.975610            | ++-----------+----------+-----------+--------------+-------------------+---------------------+ +Performing feature extraction on resized images... +Completed  64/395 +Completed 128/395 +Completed 192/395 +Completed 256/395 +Completed 320/395 +Completed 384/395 +Completed 395/395 +0.9316455696202531 +``` + +We just got an accuracy of 94% on Training Data and 97% on Validation Data! diff --git a/Content/posts/2020-01-19-Connect-To-Bluetooth-Devices-Linux-Terminal.md b/Content/posts/2020-01-19-Connect-To-Bluetooth-Devices-Linux-Terminal.md new file mode 100644 index 0000000..78d0a70 --- /dev/null +++ b/Content/posts/2020-01-19-Connect-To-Bluetooth-Devices-Linux-Terminal.md @@ -0,0 +1,28 @@ +--- +date: 2020-01-19 15:27 +description: Connecting to Bluetooth Devices using terminal, tested on Raspberry Pi Zero W +tags: Code-Snippet, tutorial, Raspberry-Pi, Linux +--- + +# How to setup Bluetooth on a Raspberry Pi + +*This was tested on a Raspberry Pi Zero W* + +## Enter in the Bluetooth Mode + +`pi@raspberrypi:~ $ bluetoothctl` + +`[bluetooth]# agent on` + +`[bluetooth]# default-agent` + +`[bluetooth]# scan on` + +## To Pair + +While being in bluetooth mode + +`[bluetooth]# pair XX:XX:XX:XX:XX:XX` + + +To Exit out of bluetoothctl anytime, just type exit  diff --git a/Content/posts/2020-03-03-Playing-With-Android-TV.md b/Content/posts/2020-03-03-Playing-With-Android-TV.md new file mode 100644 index 0000000..ace4f4c --- /dev/null +++ b/Content/posts/2020-03-03-Playing-With-Android-TV.md @@ -0,0 +1,70 @@ +--- +date: 2020-03-03 18:37 +description: Tinkering with an Android TV +tags: Android-TV, Android +--- + +# Tinkering with an Android TV + +So I have an Android TV, this posts covers everything I have tried on it + +## Contents + +1. [Getting TV's IP Address](#IP-Address) +2. [Enable Developer Settings](#Developer-Settings) +3. [Enable ADB](#Enable-ADB) +4. [Connect ADB](#Connect-ADB) +5. [Manipulating Packages](#) + +## IP-Address + + +*These steps should be similar for all Android-TVs* + +* Go To Settings +* Go to Network +* Advanced Settings +* Network Status +* Note Down IP-Address + + +The other option is to go to your router's server page and get connected devices + +## Developer-Settings + +* Go To Settings +* About +* Continously click on the "Build" option until it says "You are a Developer" + +## Enable-ADB + +* Go to Settings +* Go to Developer Options +* Scroll untill you find ADB Debugging and enable that option + +## Connect-ADB + +* Open Terminal (Make sure you have ADB installed) +* Enter the following command `adb connect <IP_ADDRESS>` +* To test the connection run `adb logcat` + +## Manipulating Apps / Packages + + +### Listing Packages + + +*  `adb shell` +* `pm list packages` + + +### Installing Packages + + +* `adb install -r package.apk` + + +### Uninstalling Packages + + +* `adb uninstall com.company.yourpackagename` diff --git a/Content/posts/2020-03-08-Making-Vaporwave-Track.md b/Content/posts/2020-03-08-Making-Vaporwave-Track.md new file mode 100644 index 0000000..6d96871 --- /dev/null +++ b/Content/posts/2020-03-08-Making-Vaporwave-Track.md @@ -0,0 +1,35 @@ +--- +date: 2020-03-08 23:17 +description: I made my first vaporwave remix +tags: Vaporwave, Music +--- + +# Making My First Vaporwave Track (Remix) + +I finally completed my first quick and dirty vaporwave remix of "I Want It That Way" by the Backstreet Boys + +# V A P O R W A V E  + +Vaporwave is all about A E S T H E T I C S. Vaporwave is a type of music genre that emerged as a parody of Chillwave, shared more as a meme rather than a proper musical genre. Of course this changed as the genre become mature + +# How to Vaporwave + +The first track which is considered to be actual Vaporwave is Ramona Xavier's Macintosh Plus, this set the the guidelines for making Vaporwave + +* Take a 1980s RnB song +* Slow it down +* Add Bass and Treble  +* Add again +* Add Reverb ( make sure its wet ) + +There you have your very own Vaporwave track. + +( Now, there are some tracks being produced which are not remixes and are original ) + +# My Remix + +<iframe width="300" height="202" src="https://www.bandlab.com/embed/?id=aa91e786-6361-ea11-a94c-0003ffd1cad8&blur=false" frameborder="0" allowfullscreen></iframe> + +# Where is the Programming? + +The fact that there are steps on producing Vaporwave, this gave me the idea that Vaporwave can actually be made using programming, stay tuned for when I publish the program which I am working on ( Generating A E S T H E T I C artwork and remixes) diff --git a/Content/posts/2020-04-13-Fixing-X11-Error-AmberTools-macOS.md b/Content/posts/2020-04-13-Fixing-X11-Error-AmberTools-macOS.md new file mode 100644 index 0000000..c3599e2 --- /dev/null +++ b/Content/posts/2020-04-13-Fixing-X11-Error-AmberTools-macOS.md @@ -0,0 +1,38 @@ +--- +date: 2020-04-13 11:41 +description: Fixing Could not find the X11 libraries; you may need to edit config.h, AmberTools macOS Catalina +tags: Molecular-Dynamics, macOS +--- + +# Fixing X11 Error on macOS Catalina for AmberTools 18/19 + +I was trying to install AmberTools on my macOS Catalina Installation. Running `./configure -macAccelerate clang` gave me an error that it could not find X11 libraries, even though `locate libXt` showed that my installation was correct. + +Error: + +``` +Could not find the X11 libraries; you may need to edit config.h +   to set the XHOME and XLIBS variables. +Error: The X11 libraries are not in the usual location ! +       To search for them try the command: locate libXt +       On new Fedora OS's install the libXt-devel libXext-devel +       libX11-devel libICE-devel libSM-devel packages. +       On old Fedora OS's install the xorg-x11-devel package. +       On RedHat OS's install the XFree86-devel package. +       On Ubuntu OS's install the xorg-dev and xserver-xorg packages. + +          ...more info for various linuxes at ambermd.org/ubuntu.html + +       To build Amber without XLEaP, re-run configure with '-noX11: +            ./configure -noX11 --with-python /usr/local/bin/python3 -macAccelerate clang +Configure failed due to the errors above! +``` + + +I searched on Google for a solution. Sadly, there was not even a single thread which had a solution about this error. + +## The Fix + +Simply reinstalling XQuartz using homebrew fixed the error `brew cask reinstall xquartz` + +If you do not have XQuartz installed, you need to run `brew cask install xquartz` diff --git a/Content/posts/2020-05-31-compiling-open-babel-on-ios.md b/Content/posts/2020-05-31-compiling-open-babel-on-ios.md new file mode 100644 index 0000000..6da19c6 --- /dev/null +++ b/Content/posts/2020-05-31-compiling-open-babel-on-ios.md @@ -0,0 +1,138 @@ +--- +date: 2020-05-31 23:30 +description: Compiling Open Babel on iOS +tags: iOS, Jailbreak, Cheminformatics, Open-Babel +--- + +# Compiling Open Babel on iOS + +Due to the fact that my summer vacations started today, +I had the brilliant idea of trying to run open babel on my iPad. +To give a little background, I had tried to compile AutoDock Vina using a cross-compiler but I had miserably failed. + +I am running the Checkr1n jailbreak on my iPad and the Unc0ver jailbreak on my phone. + +## But Why? + +Well, just because I can. This is literally the only reason I tried compiling it and also partially because in the long run I want to compile AutoDock Vina so I can do Molecular Docking on the go. + +## Let's Go! + +How hard can it be to compile open babel right? It is just a simple software with clear and concise build instructions. I just need to use `cmake` to build and the `make` to install. + + +It is 11 AM in the morning. I install `clang, cmake and make` from the Sam Bingner's repository, fired up ssh, downloaded the source code and ran the build command.`clang + + +### Fail No. 1 + +I couldn't even get cmake to run, I did a little digging around StackOverflow and founf that I needed the iOS SDK, sure no problem. I waited for Xcode to update and transferred the SDKs to my iPad  + +``` +scp -r /Applications/Xcode.app/Contents/Developer/Platforms/iPhoneOS.platform/Developer/SDKs/iPhoneOS.sdk root@192.168.1.8:/var/sdks/ +``` + +Them I told cmake that this is the location for my SDK 😠. Successful! Now I just needed to use make. + + +### Fail No. 2 + +It was giving the error that thread-local-storage was not supported on this device. + +``` +[  0%] Building CXX object src/CMakeFiles/openbabel.dir/alias.cpp.o +[  1%] Building CXX object src/CMakeFiles/openbabel.dir/atom.cpp.o +In file included from /var/root/obabel/ob-src/src/atom.cpp:28: +In file included from /var/root/obabel/ob-src/include/openbabel/ring.h:29: +/var/root/obabel/ob-src/include/openbabel/typer.h:70:1: error: thread-local storage is not supported for the current target +THREAD_LOCAL OB_EXTERN OBAtomTyper      atomtyper; +^ +/var/root/obabel/ob-src/include/openbabel/mol.h:35:24: note: expanded from macro 'THREAD_LOCAL' +#  define THREAD_LOCAL thread_local +                       ^ +In file included from /var/root/obabel/ob-src/src/atom.cpp:28: +In file included from /var/root/obabel/ob-src/include/openbabel/ring.h:29: +/var/root/obabel/ob-src/include/openbabel/typer.h:84:1: error: thread-local storage is not supported for the current target +THREAD_LOCAL OB_EXTERN OBAromaticTyper  aromtyper; +^ +/var/root/obabel/ob-src/include/openbabel/mol.h:35:24: note: expanded from macro 'THREAD_LOCAL' +#  define THREAD_LOCAL thread_local +                       ^ +/var/root/obabel/ob-src/src/atom.cpp:107:10: error: thread-local storage is not supported for the current target +  extern THREAD_LOCAL OBAromaticTyper  aromtyper; +         ^ +/var/root/obabel/ob-src/include/openbabel/mol.h:35:24: note: expanded from macro 'THREAD_LOCAL' +#  define THREAD_LOCAL thread_local +                       ^ +/var/root/obabel/ob-src/src/atom.cpp:108:10: error: thread-local storage is not supported for the current target +  extern THREAD_LOCAL OBAtomTyper      atomtyper; +         ^ +/var/root/obabel/ob-src/include/openbabel/mol.h:35:24: note: expanded from macro 'THREAD_LOCAL' +#  define THREAD_LOCAL thread_local +                       ^ +/var/root/obabel/ob-src/src/atom.cpp:109:10: error: thread-local storage is not supported for the current target +  extern THREAD_LOCAL OBPhModel        phmodel; +         ^ +/var/root/obabel/ob-src/include/openbabel/mol.h:35:24: note: expanded from macro 'THREAD_LOCAL' +#  define THREAD_LOCAL thread_local +                       ^ +5 errors generated. +make[2]: *** [src/CMakeFiles/openbabel.dir/build.make:76: src/CMakeFiles/openbabel.dir/atom.cpp.o] Error 1 +make[1]: *** [CMakeFiles/Makefile2:1085: src/CMakeFiles/openbabel.dir/all] Error 2 +make: *** [Makefile:129: all] Error 2 +``` + +Strange but it is alright, there is nothing that hasn't been answered on the internet. + +I did a little digging around and could not find a solution 😔 + +As a temporary fix, I disabled multithreading by going and commenting the lines in the source code. + + + + + +## Packaging as a deb + +This was pretty straight forward, I tried installing it on my iPad and it was working pretty smoothly. + +## Moment of Truth + +So I airdropped the .deb to my phone and tried installing it, the installation was successful but when I tried `obabel` it just aborted. + + + + + +Turns out because I had created an install target of a separate folder while compiling, the binaries were referencing a non-existing dylib rather than those in the /usr/lib folder. As a quick workaround I transferred the deb folder to my laptop and used otool and install_name tool: `install_name_tool -change /var/root/obabel/ob-build/lib/libopenbabel.7.dylib /usr/lib/libopenbabel.7.dylib` for all the executables and then signed them using jtool + + +I then installed it and everything went smoothly, I even ran `obabel` and it executed perfectly, showing the version number 3.1.0 ✌️ Ahh, smooth victory. + + +Nope. When I tried converting from SMILES to pdbqt, it gave an error saying plugin not found. This was weird. + + + +So I just copied the entire build folder from my iPad to my phone and tried running it. Oops, Apple Sandbox Error, Oh no! + +I spent 2 hours around this problem, only to see the documentation and realise I hadn't setup the environment variable 🤦♂️ + +## The Final Fix ( For Now ) + +``` +export BABEL_DATADIR="/usr/share/openbabel/3.1.0" +export BABEL_LIBDIR="/usr/lib/openbabel/3.1.0" +``` + +This was the tragedy of trying to compile something without knowing enough about compiling. It is 11:30 as of writing this. Something as trivial as this should not have taken me so long. Am I going to try to compile AutoDock Vina next? 🤔 Maybe. + + +Also, if you want to try Open Babel on you jailbroken iDevice, install the package from my repository ( You, need to run the above mentioned final fix :p ). This was tested on iOS 13.5, I cannot tell if it will work on others or not. + + + +Hopefully, I add some more screenshots to this post. + +Edit 1: Added Screenshots, had to replicate the errors. + diff --git a/Content/posts/2020-06-01-Speeding-Up-Molecular-Docking-Workflow-AutoDock-Vina-and-PyMOL.md b/Content/posts/2020-06-01-Speeding-Up-Molecular-Docking-Workflow-AutoDock-Vina-and-PyMOL.md new file mode 100644 index 0000000..3ec18ff --- /dev/null +++ b/Content/posts/2020-06-01-Speeding-Up-Molecular-Docking-Workflow-AutoDock-Vina-and-PyMOL.md @@ -0,0 +1,61 @@ +--- +date: 2020-06-01 13:10 +description: This is my workflow for lightning fast molecular docking. +tags: Code-Snippet, Molecular-Docking, Cheminformatics, Open-Babel, AutoDock Vina +--- + +# Workflow for Lightning Fast Molecular Docking Part One + +## My Setup + +* macOS Catalina ( RIP 32bit app) +* PyMOL +* AutoDock Vina +* Open Babel + +## One Command Docking + +``` +obabel -:"$(pbpaste)" --gen3d -opdbqt -Otest.pdbqt && vina --receptor lu.pdbqt --center_x -9.7 --center_y 11.4 --center_z 68.9 --size_x 19.3 --size_y 29.9 --size_z 21.3  --ligand test.pdbqt +``` + +To run this command you simple copy the SMILES structure of the ligand you want an it automatically takes it from your clipboard, generates the 3D structure in the AutoDock PDBQT format using Open Babel and then docks it with your receptor using AutoDock Vina, all with just one command. + + +Let me break down the commands + + +``` +obabel -:"$(pbpaste)" --gen3d -opdbqt -Otest.pdbqt +``` + +`pbpaste`  and `pbcopy` are macOS commands for pasting and copying from and to the clipboard. Linux users may install the `xclip` and  `xsel` packages from their respective package managers and then insert these aliases into their bash_profile,  zshrc e.t.c + + +``` +alias pbcopy='xclip -selection clipboard' +alias pbpaste='xclip -selection clipboard -o' +``` + + +``` +$(pbpaste) +``` + +This is used in bash to evaluate the results of a command. In this scenario we are using it to get the contents of the clipboard. + +The rest of the command is a normal Open Babel command to generate a 3D structure in PDBQT format and then save it as `test.pdbqt` + + +``` +&& +``` + +This tells the terminal to only run the next part if the previous command runs successfully without any errors. + + +``` +vina --receptor lu.pdbqt --center_x -9.7 --center_y 11.4 --center_z 68.9 --size_x 19.3 --size_y 29.9 --size_z 21.3  --ligand test.pdbqt +``` + +This is just the docking command for AutoDock Vina. In the next part I will tell how to use PyMOL and a plugin to directly generate the coordinates in Vina format ` --center_x -9.7 --center_y 11.4 --center_z 68.9 --size_x 19.3 --size_y 29.9 --size_z 21.3` without needing to type them manually. diff --git a/Content/posts/2020-06-02-Compiling-AutoDock-Vina-on-iOS.md b/Content/posts/2020-06-02-Compiling-AutoDock-Vina-on-iOS.md new file mode 100644 index 0000000..f10180a --- /dev/null +++ b/Content/posts/2020-06-02-Compiling-AutoDock-Vina-on-iOS.md @@ -0,0 +1,96 @@ +--- +date: 2020-06-02 23:23 +description: Compiling AutoDock Vina on iOS +tags: iOS, Jailbreak, Cheminformatics, AutoDock Vina, Molecular-Docking +--- + +# Compiling AutoDock Vina on iOS + +Why? Because I can. + + +## Installing makedepend + +`makedepend` is a Unix tool used to generate dependencies of C source files. Most modern programs do not use this anymore, but then again AutoDock Vina's source code hasn't been changed since 2011. The first hurdle came when I saw that there was no makedepend command, neither was there any package on any development repository for iOS. So, I tracked down the original source code for `makedepend` (https://github.com/DerellLicht/makedepend). According to the repository this is actually the source code for the makedepend utility that came with some XWindows distribution back around Y2K. I am pretty sure there is a problem with my current compiler configuration because I had to manually edit the `Makefile` to provide the path to the iOS SDKs using the `-isysroot` flag. + + +## Editing the Makefile + +Original Makefile ( I used the provided mac Makefile base ) + +``` +BASE=/usr/local +BOOST_VERSION=1_41 +BOOST_INCLUDE = $(BASE)/include +C_PLATFORM=-arch i386 -arch ppc -isysroot /Developer/SDKs/MacOSX10.5.sdk -mmacosx-version-min=10.4 +GPP=/usr/bin/g++ +C_OPTIONS= -O3 -DNDEBUG +BOOST_LIB_VERSION= + +include ../../makefile_common +``` + +I installed Boost 1.68.0-1 from Sam Bingner's repository. ( Otherwise I would have had to compile boost too 😫 ) + +Edited Makefile + +``` +BASE=/usr +BOOST_VERSION=1_68 +BOOST_INCLUDE = $(BASE)/include +C_PLATFORM=-arch arm64 -isysroot /var/sdks/Latest.sdk +GPP=/usr/bin/g++ +C_OPTIONS= -O3 -DNDEBUG +BOOST_LIB_VERSION= + +include ../../makefile_common + +``` + +## Updating the Source Code + +Of course since Boost 1.41 many things have been added and deprecated, that is why I had to edit the source code to make it work with version 1.68 + +### Error 1 - No Matching Constructor + +``` +../../../src/main/main.cpp:50:9: error: no matching constructor for initialization of 'path' (aka 'boost::filesystem::path') +return path(str, boost::filesystem::native); +``` + +This was an easy fix, I just commented this and added a return statement to return the path + +``` +return path(str) +``` + +### Error 2 - No Member Named 'native_file_string' + +``` +../../../src/main/main.cpp:665:57: error: no member named 'native_file_string' in 'boost::filesystem::path' +                std::cerr << "\n\nError: could not open \"" << e.name.native_file_string() << "\" for " << (e.in ? "reading" : "writing") << ".\n"; +                                                               ~~~~~~ ^ +../../../src/main/main.cpp:677:80: error: no member named 'native_file_string' in 'boost::filesystem::path' +                std::cerr << "\n\nParse error on line " << e.line << " in file \"" << e.file.native_file_string() << "\": " << e.reason << '\n'; +                                                                                      ~~~~~~ ^ +2 errors generated. +``` + +Turns out `native_file_string` was deprecated in Boost 1.57 and replaced with just `string` + +### Error 3 - Library Not Found + +This one still boggles me because there was no reason for it to not work, as a workaround I downloaded the DEB, extracted it and used that path for compiling. + +### Error 4 - No Member Named 'native_file_string' Again. + +But, this time in another file and I quickly fixed it + +## Moment of Truth + +Obviously it was working on my iPad, but would it work on another device? I transferred the compiled binary and  + + + + +The package is available on my repository and only depends on boost. ( Both, Vina and Vina-Split are part of the package) diff --git a/Content/posts/2020-07-01-Install-rdkit-colab.md b/Content/posts/2020-07-01-Install-rdkit-colab.md new file mode 100644 index 0000000..c456aa8 --- /dev/null +++ b/Content/posts/2020-07-01-Install-rdkit-colab.md @@ -0,0 +1,100 @@ +--- +date: 2020-07-01 14:23 +description: Install RDKit on Google Colab with one code snippet. +tags: Tutorial, Code-Snippet, Colab +--- + +# Installing RDKit on Google Colab + +RDKit is one of the most integral part of any Cheminfomatic specialist's toolkit but it is notoriously difficult to install unless you already have `conda` installed. I originally found this in a GitHub Gist but I have not been able to find that gist again :/  + +Just copy and paste this in a Colab cell and it will install it 👍 + +```python +import sys +import os +import requests +import subprocess +import shutil +from logging import getLogger, StreamHandler, INFO + + +logger = getLogger(__name__) +logger.addHandler(StreamHandler()) +logger.setLevel(INFO) + + +def install( +        chunk_size=4096, +        file_name="Miniconda3-latest-Linux-x86_64.sh", +        url_base="https://repo.continuum.io/miniconda/", +        conda_path=os.path.expanduser(os.path.join("~", "miniconda")), +        rdkit_version=None, +        add_python_path=True, +        force=False): +    """install rdkit from miniconda +    ``` +    import rdkit_installer +    rdkit_installer.install() +    ``` +    """ + +    python_path = os.path.join( +        conda_path, +        "lib", +        "python{0}.{1}".format(*sys.version_info), +        "site-packages", +    ) + +    if add_python_path and python_path not in sys.path: +        logger.info("add {} to PYTHONPATH".format(python_path)) +        sys.path.append(python_path) + +    if os.path.isdir(os.path.join(python_path, "rdkit")): +        logger.info("rdkit is already installed") +        if not force: +            return + +        logger.info("force re-install") + +    url = url_base + file_name +    python_version = "{0}.{1}.{2}".format(*sys.version_info) + +    logger.info("python version: {}".format(python_version)) + +    if os.path.isdir(conda_path): +        logger.warning("remove current miniconda") +        shutil.rmtree(conda_path) +    elif os.path.isfile(conda_path): +        logger.warning("remove {}".format(conda_path)) +        os.remove(conda_path) + +    logger.info('fetching installer from {}'.format(url)) +    res = requests.get(url, stream=True) +    res.raise_for_status() +    with open(file_name, 'wb') as f: +        for chunk in res.iter_content(chunk_size): +            f.write(chunk) +    logger.info('done') + +    logger.info('installing miniconda to {}'.format(conda_path)) +    subprocess.check_call(["bash", file_name, "-b", "-p", conda_path]) +    logger.info('done') + +    logger.info("installing rdkit") +    subprocess.check_call([ +        os.path.join(conda_path, "bin", "conda"), +        "install", +        "--yes", +        "-c", "rdkit", +        "python=={}".format(python_version), +        "rdkit" if rdkit_version is None else "rdkit=={}".format(rdkit_version)]) +    logger.info("done") + +    import rdkit +    logger.info("rdkit-{} installation finished!".format(rdkit.__version__)) + + +if __name__ == "__main__": +    install() +``` diff --git a/Content/posts/2020-08-01-Natural-Feature-Tracking-ARJS.md b/Content/posts/2020-08-01-Natural-Feature-Tracking-ARJS.md new file mode 100644 index 0000000..c994ce1 --- /dev/null +++ b/Content/posts/2020-08-01-Natural-Feature-Tracking-ARJS.md @@ -0,0 +1,304 @@ +--- +date: 2020-08-01 15:43 +description: An introduction to AR.js and NFT +tags: Tutorial, AR.js, JavaScript, Augmented-Reality +--- + +# Introduction to AR.js and Natural Feature Tracking + +## AR.js + +AR.js is a lightweight library for Augmented Reality on the Web, coming with features like Image Tracking, Location based AR and Marker tracking. It is the easiest option for cross-browser augmented reality.  + +The same code works for iOS, Android, Desktops and even VR Browsers! + +It was initially created by Jerome Etienne and is now maintained by Nicolo Carpignoli and the AR-js Organisation + +## NFT + +Usually for augmented reality you need specialised markers, like this Hiro marker (notice the thick non-aesthetic borders 🤢) + + + +This is called marker based tracking where the code knows what to look for. NFT or Natural Feature Tracing converts normal images into markers by extracting 'features' from it, this way you can use any image of your liking! + +I'll be using my GitHub profile picture  + + + +## Creating the Marker! + +First we need to create the marker files required by AR.js for NFT. For this we use Carnaux's repository 'NFT-Marker-Creator'. + + +``` +$ git clone https://github.com/Carnaux/NFT-Marker-Creator + +Cloning into 'NFT-Marker-Creator'... +remote: Enumerating objects: 79, done. +remote: Counting objects: 100% (79/79), done. +remote: Compressing objects: 100% (72/72), done. +remote: Total 580 (delta 10), reused 59 (delta 7), pack-reused 501 +Receiving objects: 100% (580/580), 9.88 MiB | 282.00 KiB/s, done. +Resolving deltas: 100% (262/262), done. + +$ cd NFT-Makrer-Creator +``` + +### Install the dependencies + +``` +$ npm install + +npm WARN nodegenerator@1.0.0 No repository field. + +added 67 packages from 56 contributors and audited 67 packages in 2.96s + +1 package is looking for funding +  run `npm fund` for details + +found 0 vulnerabilities + + + +   ╭────────────────────────────────────────────────────────────────╮ +   │                                                                │ +   │      New patch version of npm available! 6.14.5 → 6.14.7       │ +   │   Changelog: https://github.com/npm/cli/releases/tag/v6.14.7   │ +   │               Run npm install -g npm to update!                │ +   │                                                                │ +   ╰────────────────────────────────────────────────────────────────╯ + + +``` + +### Copy the target marker to the folder + +``` +$ cp ~/CodingAndStuff/ARjs/me.png . +``` + +### Generate Marker + +``` +$ node app.js -i me.png + +Confidence level: [ * * * * * ] 5/5 || Entropy: 5.24 || Current max: 5.17 min: 4.6 + +Do you want to continue? (Y/N) +y +writeStringToMemory is deprecated and should not be called! Use stringToUTF8() instead! +[info]  +Commands:  +[info] -- +Generator started at 2020-08-01 16:01:41 +0580 +[info] Tracking Extraction Level = 2 +[info] MAX_THRESH  = 0.900000 +[info] MIN_THRESH  = 0.550000 +[info] SD_THRESH   = 8.000000 +[info] Initialization Extraction Level = 1 +[info] SURF_FEATURE = 100 +[info]  min allow 3.699000. +[info] Image DPI (1): 3.699000 +[info] Image DPI (2): 4.660448 +[info] Image DPI (3): 5.871797 +[info] Image DPI (4): 7.398000 +[info] Image DPI (5): 9.320896 +[info] Image DPI (6): 11.743593 +[info] Image DPI (7): 14.796000 +[info] Image DPI (8): 18.641792 +[info] Image DPI (9): 23.487186 +[info] Image DPI (10): 29.592001 +[info] Image DPI (11): 37.283585 +[info] Image DPI (12): 46.974373 +[info] Image DPI (13): 59.184002 +[info] Image DPI (14): 72.000000 +[info] Generating ImageSet... +[info]    (Source image xsize=568, ysize=545, channels=3, dpi=72.0). +[info]   Done. +[info] Saving to asa.iset... +[info]   Done. +[info] Generating FeatureList... + +... + +[info] (46, 44) 5.871797[dpi] +[info] Freak features - 23[info] ========= 23 =========== +[info] (37, 35) 4.660448[dpi] +[info] Freak features - 19[info] ========= 19 =========== +[info] (29, 28) 3.699000[dpi] +[info] Freak features - 9[info] ========= 9 =========== +[info]   Done. +[info] Saving FeatureSet3... +[info]   Done. +[info] Generator finished at 2020-08-01 16:02:02 +0580 +-- + +Finished marker creation! +Now configuring demo!  + +Finished! +To run demo use: 'npm run demo' +``` + +Now we have the required files in the output folder + +``` +$ ls output + +me.fset  me.fset3 me.iset +``` + +## Creating the HTML Page + + +Create a new file called `index.html` in your project folder. This is the basic template we are going to use. Replace `me` with the root filename of your image, for example `NeverGonnaGiveYouUp.png` will become `NeverGonnaGiveYouUp`. Make sure you have copied all three files from the output folder in the previous step to the root of your project folder. + + +```html +<script src="https://cdn.jsdelivr.net/gh/aframevr/aframe@1c2407b26c61958baa93967b5412487cd94b290b/dist/aframe-master.min.js"></script> +<script src="https://raw.githack.com/AR-js-org/AR.js/master/aframe/build/aframe-ar-nft.js"></script> + +<style> +  .arjs-loader { +    height: 100%; +    width: 100%; +    position: absolute; +    top: 0; +    left: 0; +    background-color: rgba(0, 0, 0, 0.8); +    z-index: 9999; +    display: flex; +    justify-content: center; +    align-items: center; +  } + +  .arjs-loader div { +    text-align: center; +    font-size: 1.25em; +    color: white; +  } +</style> + +<body style="margin : 0px; overflow: hidden;"> +  <div class="arjs-loader"> +    <div>Calculating Image Descriptors....</div> +  </div> +  <a-scene +    vr-mode-ui="enabled: false;" +    renderer="logarithmicDepthBuffer: true;" +    embedded +    arjs="trackingMethod: best; sourceType: webcam;debugUIEnabled: false;" +  > +    <a-nft +      type="nft" +      url="./me" +      smooth="true" +      smoothCount="10" +      smoothTolerance=".01" +      smoothThreshold="5" +    > +     +    </a-nft> +    <a-entity camera></a-entity> +  </a-scene> +</body> +``` + +In this we are creating a AFrame scene and we are telling it that we want to use NFT Tracking. The amazing part about using AFrame is that we are able to use all AFrame objects! + +## Adding a simple box + +Let us add a simple box! + +```html +<a-nft .....> +    <a-box position='100 0.5 -180' material='opacity: 0.5; side: double' scale="100 100 100"></a-box> +</a-nft> +``` + +Now to test it out we will need to create a simple server, I use Python's inbuilt `SimpleHTTPServer` alongside `ngrok`  + +In one terminal window, `cd` to the project directory. Currently your project folder should have 4 files, `index.html`,  `me.fset3`, `me.fset` and `me.iset` + +Open up two terminal windows and `cd` into your project folder then run the following commands to start up your server. + +In the first terminal window start the Python Server + +``` +$ cd ~/CodingAndStuff/ARjs +$ python2 -m SimpleHTTPServer + +Serving HTTP on 0.0.0.0 port 8000 ... + +``` + +In the other window run `ngrok` ( Make sure you have installed it prior to running this step ) + +``` +$ ngrok http 8000 + +``` + + + + +Now copy the url to your phone and try running the example  + + + +👏 Congratulations! You just built an Augmented Reality experience using AR.js and AFrame + +## Adding a Torus-Knot in the box + +Edit your `index.html`  + +```html +<a-nft ..> +    <a-box ..> +        <a-torus-knot radius='0.26' radius-tubular='0.05' ></a-torus-knot> +    </ a-box> +</ a-nft> +``` + + + +## Where are the GIFs? + +Now that we know how to place a box in the scene and add a torus knot in it, what do we do next? We bring the classic internet back! + +`AFrame GIF Shader` is a gif shader for A-Frame created by mayognaise. + + +### First things first + +Add `<script src="https://rawgit.com/mayognaise/aframe-gif-shader/master/dist/aframe-gif-shader.min.js"></script> ` to `<head>` + + +Change the box's material to add the GIF shader + +```html +... +<a-box position='100 0.5 -180' material="shader:gif;src:url(https://media.tenor.com/images/412b1aa9149d98d561df62db221e0789/tenor.gif);opacity:.5" .....> +``` + + + +## Bonus Idea: Integrate it with GitHub's new profile Readme Feature! + +### 1) Host the code using GitHub Pages + + +### 2) Create a new repository ( the name should be your GitHub username ) + + +### 3) Add QR Code to the page and tell the users to scan your profile picture + + +### ??) Profit 💸 + + +Here is a screenshot of me scanning a rounded version of my profile picture ( It still works! Even though the image is cropped and I haven't changed any line of code ) + + + diff --git a/Content/posts/2020-10-11-macOS-Virtual-Cam-OBS.md b/Content/posts/2020-10-11-macOS-Virtual-Cam-OBS.md new file mode 100644 index 0000000..4782acb --- /dev/null +++ b/Content/posts/2020-10-11-macOS-Virtual-Cam-OBS.md @@ -0,0 +1,119 @@ +--- +date: 2020-10-11 16:12 +description: Comparison of different cameras setups for using as a webcam and tutorials for the same. +tags: Tutorial, Review, Webcam +--- + +#  Trying Different Camera Setups  + + +0. Animated Overlays +1. Using a modern camera as your webcam +2. Using your phone's camera as your webcam +3. Using a USB Camera + +## Comparison + +Here are the results before you begin reading. + + +<div class="b-dics"> +  <img src="/assets/posts/obs/normal.png" alt="Normal Webcam"> +  <img src="/assets/posts/obs/usb.png" alt="USB Webcam"> +  <img src="/assets/posts/obs/5S.png" alt="Camo iPhone 5S"> +  <img src="/assets/posts/obs/11.png" alt="Camo iPhone 11"> +  <img src="/assets/posts/obs/mirrorless.png" alt="Mirrorless Camera"> +</div> + + + + +## Prerequisites + +I am running macOS and iOS but I will try to link the same steps for Windows as well. If you are running Arch, I assume you already know what you are doing and are using this post as an inspiration and not a how-to guide. + +I assume that you have Homebrew installed. + +### OBS and OBS-Virtual-Cam + +*Description* + +``` +brew cask install obs +brew cask install obs-virtualcam +``` + +Windows users can install the latest version of the plugin from [OBS-Forums](https://obsproject.com/forum/resources/obs-virtualcam.949/) + +## 0. Animated Overlays + +I have always liked PewDiePie's animated border he uses in his videos + + + +The border was apparently made by a YouTuber [Sleepy Tanooki](https://www.youtube.com/watch?v=R__RUitpjnA). He posted a [link to a Google Drive folder](https://drive.google.com/drive/folders/1mL3HAvTQfG7mTqwCp-9xCJ2IFhZUoJ5W) containing the video file. (I will be using the video overlay for the example) + +It is pretty simple to use overlays in OBS: + +First, Create a new scene by clicking on the plus button on the bottom right corner. + + + +Now, in the Sources section click on the add button -> Video Capture Device -> Create New -> Choose your webcam from the Device section. + +You may, resize if you want + +After this, again click on the add button, but this time choose the `Media Source` option + + + +and, locate and choose the downloaded overlay. + + +## 1. Using a Modern Camera (Without using a Capture Card) + +I have a Sony mirrorless camera. Using Sony's [Imaging Edge Desktop](https://imagingedge.sony.net/en/ie-desktop.html), you can use your laptop as a remote viewfinder and capture or record media. + +After installing Image Edge Desktop or your Camera's equivalent, open the `Remote` application.  + + + +Once you are able to see the output of the camera on the application, switch to OBS. Create a new scene, and this time choose `Window Capture` in the Sources menu. After you have chosen the appropriate window, you may transform/crop the output using the properties/filters options. + + +## 2.1 Using your iPhone using Quicktime + +Connect your iPhone via a USB cable, then Open Quicktime ->  File -> New Movie Recording  + +In the Sources choose your device (No need to press record). You may open the camera app now. + + + +Now, in OBS create a new scene, and in the sources choose the `Window Capture` option. You will need to rotate the source: + + + + +## 2.2 Using your iPhone using an application like Camo + +Install the Camo app on your phone through the app store -> connect to Mac using USB cable, install the companion app and you are done. + +I tried both my current iPhone and an old iPhone 5S + +## 3. A USB Webcam + +The simplest solution, is to use a USB webcam. I used an old [Logitech C310](https://www.logitech.com/en-in/product/hd-webcam-c310) that was collecting dust. I was surprised to find that Logitech is still selling it after years and proudly advertising it! (5MP) + +It did not sit well on my laptop, so I placed it on my definitely-not-Joby Gorrila Pod i had bought on Amazon for ~₹500 + + +<head> +<link rel="stylesheet" href="/assets/posts/obs/dics.css"> +<script src="/assets/posts/obs/dics.js"></script> +</head> +<script> + +new Dics({ +    container: document.querySelector('.b-dics') +}); +</script> diff --git a/Content/posts/2020-11-17-Lets-Encrypt-DuckDns.md b/Content/posts/2020-11-17-Lets-Encrypt-DuckDns.md new file mode 100644 index 0000000..76387ba --- /dev/null +++ b/Content/posts/2020-11-17-Lets-Encrypt-DuckDns.md @@ -0,0 +1,81 @@ +--- +date: 2020-11-17 15:04 +description: Short code-snippet to generate HTTPS certificates using the DNS Challenge through Lets Encrypt for a web-server using DuckDNS. +tags: Tutorial, Code-Snippet, Web-Development +--- + +# Generating HTTPS Certificate using DNS a Challenge through Let's Encrypt + +I have a Raspberry-Pi running a Flask app through Gunicorn (Ubuntu 20.04 LTS). I am exposing it to the internet using DuckDNS. + +## Dependencies + +```bash +sudo apt update && sudo apt install certbot -y +``` + +## Get the Certificate + +```bash +sudo certbot certonly --manual --preferred-challenges dns-01 --email senpai@email.com -d mydomain.duckdns.org +``` + +After you accept that you are okay with you IP address being logged, it will prompt you with updating your dns record. You need to create a new `TXT` record in the DNS settings for your domain. + + +For DuckDNS users it is as simple as  entering this URL in their browser: + +``` +http://duckdns.org/update?domains=mydomain&token=duckdnstoken&txt=certbotdnstxt +``` + +Where `mydomain` is your DuckDNS domain, `duckdnstoken` is your DuckDNS Token ( Found on the dashboard when you login) and `certbotdnstxt` is the TXT record value given by the prompt. + +You can check if the TXT records have been updated by using the `dig` command: + +```bash +dig navanspi.duckdns.org TXT +; <<>> DiG 9.16.1-Ubuntu <<>> navanspi.duckdns.org TXT +;; global options: +cmd +;; Got answer: +;; ->>HEADER<<- opcode: QUERY, status: NOERROR, id: 27592 +;; flags: qr rd ra; QUERY: 1, ANSWER: 1, AUTHORITY: 0, ADDITIONAL: 1 + +;; OPT PSEUDOSECTION: +; EDNS: version: 0, flags:; udp: 65494 +;; QUESTION SECTION: +;navanspi.duckdns.org.        IN    TXT + +;; ANSWER SECTION: +navanspi.duckdns.org.    60    IN    TXT    "4OKbijIJmc82Yv2NiGVm1RmaBHSCZ_230qNtj9YA-qk" + +;; Query time: 275 msec +;; SERVER: 127.0.0.53#53(127.0.0.53) +;; WHEN: Tue Nov 17 15:23:15 IST 2020 +;; MSG SIZE  rcvd: 105 + +``` + +DuckDNS almost instantly propagates the changes but for other domain hosts, it could take a while.  + +Once you can ensure that the TXT record changes has been successfully applied and is visible through the `dig` command, press enter on the Certbot prompt and your certificate should be generated. + +## Renewing  + +As we manually generated the certificate `certbot renew` will fail, to renew the certificate you need to simply re-generate the certificate using the above steps. + +## Using the Certificate with Gunicorn + +Example Gunicorn command for running a web-app: + +```bash +gunicorn api:app -k uvicorn.workers.UvicornWorker -b 0.0.0.0:7589 +``` + +To use the certificate with it, simply copy the `cert.pem` and `privkey.pem` to your working directory ( change the appropriate permissions ) and include them in the command + +```bash +gunicorn api:app -k uvicorn.workers.UvicornWorker -b 0.0.0.0:7589 --certfile=cert.pem --keyfile=privkey.pem +``` + +Caveats with copying the certificate: If you renew the certificate you will have to re-copy the files diff --git a/Content/posts/2020-12-1-HTML-JS-RSS-Feed.md b/Content/posts/2020-12-1-HTML-JS-RSS-Feed.md new file mode 100644 index 0000000..00f4fa3 --- /dev/null +++ b/Content/posts/2020-12-1-HTML-JS-RSS-Feed.md @@ -0,0 +1,207 @@ +--- +date: 2020-12-01 20:52 +description: Short code-snippet for an RSS feed, written in HTML and JavaScript +tags: Tutorial, Code-Snippet, HTML, JavaScript +--- +# RSS Feed written in HTML + JavaScript + +If you want to directly open the HTML file in your browser after saving, don't forget to set `CORS_PROXY=""`  + +```html +<!doctype html> +<html lang="en"> +<head> +  <meta charset="utf-8"> +  <meta name="viewport" content="width=device-width, initial-scale=1"> +    <title> +        RSS Feed +    </title> +    <link rel="stylesheet" href="https://stackpath.bootstrapcdn.com/bootstrap/4.1.3/css/bootstrap.min.css" integrity="sha384-MCw98/SFnGE8fJT3GXwEOngsV7Zt27NXFoaoApmYm81iuXoPkFOJwJ8ERdknLPMO" crossorigin="anonymous"> +</head> +<body> + +<h1 align="center" class="display-1">RSS Feed</h1> +<main> +    <div class="container"> +    <div class="list-group pb-4" id="contents"></div> +<div id="feed"> +</div></div> +</main> + +<script src="https://gitcdn.xyz/repo/rbren/rss-parser/master/dist/rss-parser.js"></script> +<script> + +const feeds = { +    "BuzzFeed - India": { +      "link":"https://www.buzzfeed.com/in.xml", +      "summary":true +    }, +    "New Yorker": { +      "link":"http://www.newyorker.com/feed/news", +    }, +    "Vox":{ +      "link":"https://www.vox.com/rss/index.xml", +      "limit": 3 +    }, +    "r/Jokes":{ +      "link":"https://reddit.com/r/Jokes/hot/.rss?sort=hot", +      "ignore": ["repost","discord"] +    } +} + +const config_extra = { +"Responsive-Images": true, +"direct-link": false, +"show-date":false, +"left-column":false, +"defaults": { +  "limit": 5, +  "summary": true +} +} + +const CORS_PROXY = "https://cors-anywhere.herokuapp.com/" + +var contents_title = document.createElement("h2") +contents_title.textContent = "Contents" +contents_title.classList.add("pb-1") +document.getElementById("contents").appendChild(contents_title) + +async function myfunc(key){ + +  var count_lim = feeds[key]["limit"] +  var count_lim = (count_lim === undefined) ? config_extra["defaults"]["limit"] : count_lim +   +  var show_summary = feeds[key]["summary"] +  var show_summary = (show_summary === undefined) ? config_extra["defaults"]["summary"] : show_summary + +  var ignore_tags = feeds[key]["ignore"] +  var ignore_tags = (ignore_tags === undefined) ? [] : ignore_tags + +  var contents = document.createElement("a") +  contents.href = "#" + key +  contents.classList.add("list-group-item","list-group-item-action") +  contents.textContent = key +  document.getElementById("contents").appendChild(contents) +  var feed_div = document.createElement("div") +  feed_div.id = key +  feed_div.setAttribute("id", key); +  var title = document.createElement("h2"); +  title.textContent = "From " + key; +  title.classList.add("pb-1") +  feed_div.appendChild(title) +  document.getElementById("feed").appendChild(feed_div) +  var parser = new RSSParser(); +  var countPosts = 0 +  parser.parseURL(CORS_PROXY + feeds[key]["link"], function(err, feed) { +    if (err) throw err; +    feed.items.forEach(function(entry) { +      if (countPosts < count_lim) { + +      var skip = false +      for(var i = 0; i < ignore_tags.length; i++) { +        if (entry.title.includes(ignore_tags[i])){ +          var skip = true +        } else if (entry.content.includes(ignore_tags[i])){ +          var skip = true +        } +      } + +      if (!skip) { + +      var node = document.createElement("div"); +      node.classList.add("card","mb-3"); +      var row = document.createElement("div") +      row.classList.add("row","no-gutters") +       +      if (config_extra["left-column"]){ +      var left_col = document.createElement("div") +      left_col.classList.add("col-md-2") +      var left_col_body = document.createElement("div") +      left_col_body.classList.add("card-body") +      } +       +      var right_col = document.createElement("div") +      if (config_extra["left-column"]){ +        right_col.classList.add("col-md-10") +      } +      var node_title = document.createElement("h5") +       +      node_title.classList.add("card-header") +      node_title.innerHTML = entry.title +       +      node_body = document.createElement("div") +      node_body.classList.add("card-body") +       +      node_content = document.createElement("p") +       +      if (show_summary){ +        node_content.innerHTML = entry.content +      } +      node_content.classList.add("card-text") +       +      if (config_extra["direct-link"]){ +      node_link = document.createElement("p") +      node_link.classList.add("card-text") +      node_link.innerHTML = "<b>Link:</b> <a href='" + entry.link +"'>Direct Link</a>" +      if (config_extra["left-column"]){ +      left_col_body.appendChild(node_link) +        } else { +          node_content.appendChild(node_link) +        } +      } + +      if (config_extra["show-date"]){ +        node_date = document.createElement("p") +        node_date.classList.add("card-text") +        node_date.innerHTML = "<p><b>Date: </b>" + entry.pubDate + "</p>" +        if (config_extra["left-column"]){ +        left_col_body.appendChild(node_date) +          } else { +            node_content.appendChild(node_date) +           +        } +      } + +      node.appendChild(node_title) +       +      node_body.appendChild(node_content) +       +      right_col.appendChild(node_body) + +      if (config_extra["left-column"]){ +        left_col.appendChild(left_col_body) +        row.appendChild(left_col) +      } +       +      row.appendChild(right_col) + +      node.appendChild(row) + +      document.getElementById(key).appendChild(node) +      countPosts+=1 +    } +    } +  }) + +  if (config_extra["Responsive-Images"]){ +  var inputs = document.getElementsByTagName('img') +      for(var i = 0; i < inputs.length; i++) { +        inputs[i].classList.add("img-fluid") +      } +  } + +  }) + +  return true +} +(async () => { +for(var key in feeds) { +  let result = await myfunc(key); +}})(); + +</script> +<noscript>Uh Oh! Your browser does not support JavaScript or JavaScript is currently disabled. Please enable JavaScript or switch to a different browser.</noscript> +</body></html> +``` + diff --git a/Content/posts/hello-world.md b/Content/posts/hello-world.md new file mode 100644 index 0000000..ee0f967 --- /dev/null +++ b/Content/posts/hello-world.md @@ -0,0 +1,11 @@ +--- +date: 2019-04-16 17:39 +description: My first post. +tags: hello-world +readTime: 60 +--- +# Hello World + +**Why a Hello World post?** + +Just re-did the entire website using Publish (Publish by John Sundell). So, a new hello world post :)  diff --git a/Content/posts/index.md b/Content/posts/index.md new file mode 100644 index 0000000..00154ab --- /dev/null +++ b/Content/posts/index.md @@ -0,0 +1,3 @@ +# Posts + +Tips, tricks and tutorials which I think might be useful. diff --git a/Content/publications/2019-05-14-Detecting-Driver-Fatigue-Over-Speeding-and-Speeding-up-Post-Accident-Response.md b/Content/publications/2019-05-14-Detecting-Driver-Fatigue-Over-Speeding-and-Speeding-up-Post-Accident-Response.md new file mode 100644 index 0000000..7c53c2d --- /dev/null +++ b/Content/publications/2019-05-14-Detecting-Driver-Fatigue-Over-Speeding-and-Speeding-up-Post-Accident-Response.md @@ -0,0 +1,25 @@ +--- +date: 2019-05-14 02:42 +description: This paper is about Detecting Driver Fatigue, Over-Speeding, and Speeding up Post-Accident Response. +tags: publication +--- + +# Detecting Driver Fatigue, Over-Speeding, and Speeding up Post-Accident Response + + +> Based on the project showcased at Toyota Hackathon, IITD - 17/18th December 2018 + +Edit: It seems like I haven't mentioned Adrian Rosebrock of PyImageSearch anywhere. I apologize for this mistake. + +[Download paper here](https://www.irjet.net/archives/V6/i5/IRJET-V6I5318.pdf) + +Recommended citation: + +### ATP +``` +Chauhan, N. (2019). "Detecting Driver Fatigue, Over-Speeding, and Speeding up Post-Accident Response." <i>International Research Journal of Engineering and Technology (IRJET), 6(5)</i>. +``` +### BibTeX +``` +@article{chauhan_2019, title={Detecting Driver Fatigue, Over-Speeding, and Speeding up Post-Accident Response}, volume={6}, url={https://www.irjet.net/archives/V6/i5/IRJET-V6I5318.pdf}, number={5}, journal={International Research Journal of Engineering and Technology (IRJET)}, author={Chauhan, Navan}, year={2019}} +``` diff --git a/Content/publications/2020-03-14-generating-vaporwave.md b/Content/publications/2020-03-14-generating-vaporwave.md new file mode 100644 index 0000000..ed9b552 --- /dev/null +++ b/Content/publications/2020-03-14-generating-vaporwave.md @@ -0,0 +1,40 @@ +--- +date: 2020-03-14 22:23 +description: This paper is about programmaticaly generating Vaporwave. +tags: publication, pre-print +--- + +# Is it possible to programmatically generate Vaporwave? + + + +This is still a pre-print. + +[Download paper here](https://indiarxiv.org/9um2r/) + +Recommended citation: + +### APA +``` +Chauhan, N. (2020, March 15). Is it possible to programmatically generate Vaporwave?. https://doi.org/10.35543/osf.io/9um2r +``` +### MLA +``` +Chauhan, Navan. “Is It Possible to Programmatically Generate Vaporwave?.” IndiaRxiv, 15 Mar. 2020. Web. +``` +### Chicago +``` +Chauhan, Navan. 2020. “Is It Possible to Programmatically Generate Vaporwave?.” IndiaRxiv. March 15. doi:10.35543/osf.io/9um2r. +``` +### Bibtex +``` +@misc{chauhan_2020, + title={Is it possible to programmatically generate Vaporwave?}, + url={indiarxiv.org/9um2r}, + DOI={10.35543/osf.io/9um2r}, + publisher={IndiaRxiv}, + author={Chauhan, Navan}, + year={2020}, + month={Mar} +} +``` diff --git a/Content/publications/2020-03-17-Possible-Drug-Candidates-COVID-19.md b/Content/publications/2020-03-17-Possible-Drug-Candidates-COVID-19.md new file mode 100644 index 0000000..f779195 --- /dev/null +++ b/Content/publications/2020-03-17-Possible-Drug-Candidates-COVID-19.md @@ -0,0 +1,15 @@ +--- +date: 2020-03-17 17:40 +description: This paper is about possible drug candidates for COVID-19 +tags: publication, pre-print +description: COVID-19, has been officially labeled as a pandemic by the World Health Organisation. This paper presents cloperastine and vigabatrin as two possible drug candidates for combatting the disease along with the process by which they were discovered. +--- + +# Possible Drug Candidates for COVID-19 + + + +This is still a pre-print. + +[Download paper here](https://chemrxiv.org/articles/Possible_Drug_Candidates_for_COVID-19/11985231) + diff --git a/Content/publications/index.md b/Content/publications/index.md new file mode 100644 index 0000000..f2afce9 --- /dev/null +++ b/Content/publications/index.md @@ -0,0 +1,3 @@ +# Publications + +Hopefully these grow with time, I already have tons of drafts ready. As I am currently studying in school, this allows me to experiment in Physics, Chemistry and Computer Science. I have started using LaTeX now ;) diff --git a/Resources/CNAME b/Resources/CNAME new file mode 100644 index 0000000..ce3a35d --- /dev/null +++ b/Resources/CNAME @@ -0,0 +1 @@ +web.navan.dev diff --git a/Resources/Themes/styles.css b/Resources/Themes/styles.css new file mode 100644 index 0000000..4e658d7 --- /dev/null +++ b/Resources/Themes/styles.css @@ -0,0 +1,401 @@ +* { +    margin: 0; +    padding: 0; +    box-sizing: border-box; +    font-size: 16px; +    -webkit-text-size-adjust: 100%; +} + +body { +    background: #eee; +    color: #000; +    font-family: -apple-system, BlinkMacSystemFont, Helvetica, Arial; +    text-align: center; +} + +.wrapper { +    max-width: 900px; +    margin-left: auto; +    margin-right: auto; +    padding: 40px; +    text-align: left; +} + +header { + +    background: #fff; +    position: relative; +    color: #ededed; +    line-height: 1.5em; +    padding: 0 20px; +} + +/* +  +header { + background: #ededed; + margin-bottom: 0em; + padding-bottom: 2em; + left: 0px; + top: 0px; + height: 8em; + width: 100%; +} +.header-background { +    background-image: url(images/logo.png); +    background-size: 100% 100%; +    background-repeat: no-repeat; +    background-size: cover; +    background-position: center; +    height: 200px; +} +*/ + +header .wrapper { +    padding-top: 20px; +    padding-bottom: 20px; +    text-align: left; +} + +header a { +    text-decoration: none; +} + +header .site-name { +    color: #000; +    margin: 0; +    cursor: pointer; +    font-weight: 50; +    font-size: 3.5em; /*#2.3em;*/ +    line-height: 1em; +    letter-spacing: 1px; +} + +nav { +    /*margin-top: 0.5em;*/ +    text-align: left; /* right */ +} + +nav li { +    margin-top: 0.5em; +    display: inline-block; +    background-color: #000; +    color: #ddd; +    padding: 4px 6px; +    border-radius: 5px; +    margin-right: 5px; +     +} + +nav li:hover { +    color: #000; +    background-color: #ddd; +} +h1 { +    margin-bottom: 20px; +    font-size: 2em; +} + +h2 { +    margin: 20px 0; +    font-size: 1.5em; +} + +p { +    margin-bottom: 10px; +    margin-top: 5px; +} + +a { +    color: inherit; +     +} + +.description { +    margin-bottom: 20px; +} + +.item-list > li { +    display: block; +    padding: 20px; +    border-radius: 20px; +    background-color: #d3d3d3; +    margin-bottom: 20px +} + +.item-list > li:last-child { +    margin-bottom: 0; +} + +.item-list h1 { +    margin-bottom: 0px; /*15px*/ +    font-size: 1.3em; +} +.item-list a { +    text-decoration: none; +} +     +.item-list p { +    margin-bottom: 0; +} + +.reading-time { +    display: inline-block; +    border-radius: 5px; +    background-color: #ddd; +    color: #000; +    padding: 4px 4px; +    margin-bottom: 5px; +    margin-right: 5px; +     +} + +.tag-list { +    margin-bottom: 5px; /* 15px */ +} + +.tag-list li, +.tag { +    display: inline-block; +    background-color: #000; +    color: #ddd; +    padding: 4px 6px; +    border-radius: 5px; +    margin-right: 5px; +    margin-top: 0.5em; +} + +.tag-list a, +.tag a { +    text-decoration: none; +} + +.item-page .tag-list { +    display: inline-block; +} + +.content { +    margin-bottom: 40px; +} + +.browse-all { +    display: block; +    margin-bottom: 30px; +} + +.all-tags li { +    font-size: 1.4em; +    margin-right: 10px; +    padding: 6px 10px; +    margin-top: 1em; +} + +img { +    max-width: 100%; +    margin-bottom: 1em; +    margin-top: 1em; +    width: auto\9; +    height: auto; +    vertical-align: middle; +    border: 0; +    -ms-interpolation-mode: bicubic; +} + +footer { +    color: #000; +} + + + +pre { +    overflow-x: auto; +    font-family: Monaco,Consolas,"Lucida Console",monospace; +    display: block; +    background-color: #fdf6e3; +    color: #586e75; +    margin-bottom: 1em; +    margin-top: 1em; +    border-radius: 4px; +} + +.highlight { background-color: #fdf6e3; color: #586e75; } +.highlight .c { color: #627272; } +.highlight .err { color: #586e75; } +.highlight .g { color: #586e75; } +.highlight .k { color: #677600; } +.highlight .l { color: #586e75; } +.highlight .n { color: #586e75; } +.highlight .o { color: #677600; } +.highlight .x { color: #c14715; } +.highlight .p { color: #586e75; } +.highlight .cm { color: #627272; } +.highlight .cp { color: #677600; } +.highlight .c1 { color: #627272; } +.highlight .cs { color: #677600; } +.highlight .gd { color: #217d74; } +.highlight .ge { color: #586e75; font-style: italic; } +.highlight .gr { color: #d72825; } +.highlight .gh { color: #c14715; } +.highlight .gi { color: #677600; } +.highlight .go { color: #586e75; } +.highlight .gp { color: #586e75; } +.highlight .gs { color: #586e75; font-weight: bold; } +.highlight .gu { color: #c14715; } +.highlight .gt { color: #586e75; } +.highlight .kc { color: #c14715; } +.highlight .kd { color: #1f76b6; } +.highlight .kn { color: #677600; } +.highlight .kp { color: #677600; } +.highlight .kr { color: #1f76b6; } +.highlight .kt { color: #d72825; } +.highlight .ld { color: #586e75; } +.highlight .m { color: #217d74; } +.highlight .s { color: #217d74; } +.highlight .na { color: #586e75; } +.highlight .nb { color: #8d6900; } +.highlight .nc { color: #1f76b6; } +.highlight .no { color: #c14715; } +.highlight .nd { color: #1f76b6; } +.highlight .ni { color: #c14715; } +.highlight .ne { color: #c14715; } +.highlight .nf { color: #1f76b6; } +.highlight .nl { color: #586e75; } +.highlight .nn { color: #586e75; } +.highlight .nx { color: #586e75; } +.highlight .py { color: #586e75; } +.highlight .nt { color: #1f76b6; } +.highlight .nv { color: #1f76b6; } +.highlight .ow { color: #677600; } +.highlight .w { color: #586e75; } +.highlight .mf { color: #217d74; } +.highlight .mh { color: #217d74; } +.highlight .mi { color: #217d74; } +.highlight .mo { color: #217d74; } +.highlight .sb { color: #627272; } +.highlight .sc { color: #217d74; } +.highlight .sd { color: #586e75; } +.highlight .s2 { color: #217d74; } +.highlight .se { color: #c14715; } +.highlight .sh { color: #586e75; } +.highlight .si { color: #217d74; } +.highlight .sx { color: #217d74; } +.highlight .sr { color: #d72825; } +.highlight .s1 { color: #217d74; } +.highlight .ss { color: #217d74; } +.highlight .bp { color: #1f76b6; } +.highlight .vc { color: #1f76b6; } +.highlight .vg { color: #1f76b6; } +.highlight .vi { color: #1f76b6; } +.highlight .il { color: #217d74; } + + +@media (prefers-color-scheme: dark) { +    .reading-time { +        background-color: #000; +        color: #ddd; +    } +    body { +        background-color: #222; +    } + +    body, +    header .site-name { +        color: #ddd; +    } +    nav li { +        background-color: #ddd; +        color: #000; + +    } +    nav li:hover { +        color: #ddd; +        background-color: #000; +    } + +    .item-list > li { +        background-color: #333; +    } + +    header { +        background-color: #000; +    } +    footer { +        color: #ddd; +    } +     +    pre { +        background-color: #002b36; +        color: #93a1a1; +    } +     +    .highlight { background-color: #002b36; color: #93a1a1; } +    .highlight .c { color: #759299; } +    .highlight .err { color: #93a1a1; } +    .highlight .g { color: #93a1a1; } +    .highlight .k { color: #859900; } +    .highlight .l { color: #93a1a1; } +    .highlight .n { color: #93a1a1; } +    .highlight .o { color: #859900; } +    .highlight .x { color: #e9662f; } +    .highlight .p { color: #93a1a1; } +    .highlight .cm { color: #759299; } +    .highlight .cp { color: #859900; } +    .highlight .c1 { color: #759299; } +    .highlight .cs { color: #859900; } +    .highlight .gd { color: #2aa198; } +    .highlight .ge { color: #93a1a1; font-style: italic; } +    .highlight .gr { color: #e8625f; } +    .highlight .gh { color: #e9662f; } +    .highlight .gi { color: #859900; } +    .highlight .go { color: #93a1a1; } +    .highlight .gp { color: #93a1a1; } +    .highlight .gs { color: #93a1a1; font-weight: bold; } +    .highlight .gu { color: #e9662f; } +    .highlight .gt { color: #93a1a1; } +    .highlight .kc { color: #e9662f; } +    .highlight .kd { color: #3294da; } +    .highlight .kn { color: #859900; } +    .highlight .kp { color: #859900; } +    .highlight .kr { color: #3294da; } +    .highlight .kt { color: #e8625f; } +    .highlight .ld { color: #93a1a1; } +    .highlight .m { color: #2aa198; } +    .highlight .s { color: #2aa198; } +    .highlight .na { color: #93a1a1; } +    .highlight .nb { color: #B58900; } +    .highlight .nc { color: #3294da; } +    .highlight .no { color: #e9662f; } +    .highlight .nd { color: #3294da; } +    .highlight .ni { color: #e9662f; } +    .highlight .ne { color: #e9662f; } +    .highlight .nf { color: #3294da; } +    .highlight .nl { color: #93a1a1; } +    .highlight .nn { color: #93a1a1; } +    .highlight .nx { color: #93a1a1; } +    .highlight .py { color: #93a1a1; } +    .highlight .nt { color: #3294da; } +    .highlight .nv { color: #3294da; } +    .highlight .ow { color: #859900; } +    .highlight .w { color: #93a1a1; } +    .highlight .mf { color: #2aa198; } +    .highlight .mh { color: #2aa198; } +    .highlight .mi { color: #2aa198; } +    .highlight .mo { color: #2aa198; } +    .highlight .sb { color: #759299; } +    .highlight .sc { color: #2aa198; } +    .highlight .sd { color: #93a1a1; } +    .highlight .s2 { color: #2aa198; } +    .highlight .se { color: #e9662f; } +    .highlight .sh { color: #93a1a1; } +    .highlight .si { color: #2aa198; } +    .highlight .sx { color: #2aa198; } +    .highlight .sr { color: #e8625f; } +    .highlight .s1 { color: #2aa198; } +    .highlight .ss { color: #2aa198; } +    .highlight .bp { color: #3294da; } +    .highlight .vc { color: #3294da; } +    .highlight .vg { color: #3294da; } +    .highlight .vi { color: #3294da; } +    .highlight .il { color: #2aa198; } +} + diff --git a/Resources/assets/disqus.js b/Resources/assets/disqus.js new file mode 100644 index 0000000..0c52381 --- /dev/null +++ b/Resources/assets/disqus.js @@ -0,0 +1,5 @@ +(function() { +    var t = document, +        e = t.createElement("script"); +    e.src = "https://navan-chauhan.disqus.com/embed.js", e.setAttribute("data-timestamp", +new Date), (t.head || t.body).appendChild(e) +})(); diff --git a/Resources/assets/gciTales/01-teachableMachines/.01-collect.png.icloud b/Resources/assets/gciTales/01-teachableMachines/.01-collect.png.icloudBinary files differ new file mode 100644 index 0000000..b291112 --- /dev/null +++ b/Resources/assets/gciTales/01-teachableMachines/.01-collect.png.icloud diff --git a/Resources/assets/gciTales/01-teachableMachines/02-train.png b/Resources/assets/gciTales/01-teachableMachines/02-train.pngBinary files differ new file mode 100644 index 0000000..a69fd63 --- /dev/null +++ b/Resources/assets/gciTales/01-teachableMachines/02-train.png diff --git a/Resources/assets/gciTales/01-teachableMachines/03-label.png b/Resources/assets/gciTales/01-teachableMachines/03-label.pngBinary files differ new file mode 100644 index 0000000..efe450d --- /dev/null +++ b/Resources/assets/gciTales/01-teachableMachines/03-label.png diff --git a/Resources/assets/gciTales/01-teachableMachines/04-alert.png b/Resources/assets/gciTales/01-teachableMachines/04-alert.pngBinary files differ new file mode 100644 index 0000000..f648bad --- /dev/null +++ b/Resources/assets/gciTales/01-teachableMachines/04-alert.png diff --git a/Resources/assets/gciTales/01-teachableMachines/05-html.png b/Resources/assets/gciTales/01-teachableMachines/05-html.pngBinary files differ new file mode 100644 index 0000000..f917c07 --- /dev/null +++ b/Resources/assets/gciTales/01-teachableMachines/05-html.png diff --git a/Resources/assets/gciTales/01-teachableMachines/06-js.png b/Resources/assets/gciTales/01-teachableMachines/06-js.pngBinary files differ new file mode 100644 index 0000000..173a8aa --- /dev/null +++ b/Resources/assets/gciTales/01-teachableMachines/06-js.png diff --git a/Resources/assets/gciTales/01-teachableMachines/07-eg.png b/Resources/assets/gciTales/01-teachableMachines/07-eg.pngBinary files differ new file mode 100644 index 0000000..cc8198e --- /dev/null +++ b/Resources/assets/gciTales/01-teachableMachines/07-eg.png diff --git a/Resources/assets/gciTales/01-teachableMachines/08-eg.png b/Resources/assets/gciTales/01-teachableMachines/08-eg.pngBinary files differ new file mode 100644 index 0000000..b1261fa --- /dev/null +++ b/Resources/assets/gciTales/01-teachableMachines/08-eg.png diff --git a/Resources/assets/gciTales/03-regression/1.png b/Resources/assets/gciTales/03-regression/1.pngBinary files differ new file mode 100644 index 0000000..b07d172 --- /dev/null +++ b/Resources/assets/gciTales/03-regression/1.png diff --git a/Resources/assets/gciTales/03-regression/2.png b/Resources/assets/gciTales/03-regression/2.pngBinary files differ new file mode 100644 index 0000000..53531ad --- /dev/null +++ b/Resources/assets/gciTales/03-regression/2.png diff --git a/Resources/assets/gciTales/03-regression/3.png b/Resources/assets/gciTales/03-regression/3.pngBinary files differ new file mode 100644 index 0000000..542d76e --- /dev/null +++ b/Resources/assets/gciTales/03-regression/3.png diff --git a/Resources/assets/gciTales/03-regression/4.png b/Resources/assets/gciTales/03-regression/4.pngBinary files differ new file mode 100644 index 0000000..16101cd --- /dev/null +++ b/Resources/assets/gciTales/03-regression/4.png diff --git a/Resources/assets/gciTales/03-regression/5.png b/Resources/assets/gciTales/03-regression/5.pngBinary files differ new file mode 100644 index 0000000..36b9c26 --- /dev/null +++ b/Resources/assets/gciTales/03-regression/5.png diff --git a/Resources/assets/gciTales/03-regression/6.png b/Resources/assets/gciTales/03-regression/6.pngBinary files differ new file mode 100644 index 0000000..479d0e5 --- /dev/null +++ b/Resources/assets/gciTales/03-regression/6.png diff --git a/Resources/assets/main.css b/Resources/assets/main.css new file mode 100644 index 0000000..99962e2 --- /dev/null +++ b/Resources/assets/main.css @@ -0,0 +1,369 @@ +/* Generated by Pygments CSS Theme Builder - https://jwarby.github.io/jekyll-pygments-themes/builder.html */ +/* Base Style */ +.codehilite pre { +  overflow-x:auto; +  color: #fefefe; +  text-shadow: 0 0 2px #001716, 0 0 3px #03edf975, 0 0 5px #03edf975, 0 0 8px #03edf975; +  background-image: linear-gradient(to bottom, #2a2139 75%, #34294f); +  background-color: #2a2139; +  margin-bottom: 1rem; +  margin-top: 1rem; +} +/* Punctuation */ +.codehilite .p { +  color: #ff7edb; +  text-shadow: 0 0 2px #100c0f, 0 0 5px #dc078e33, 0 0 10px #fff3; +  background-color: #2a2139; +} +/* Error */ +.codehilite .err { +  color: #ff7edb; +  text-shadow: 0 0 2px #100c0f, 0 0 5px #dc078e33, 0 0 10px #fff3; +  background-color: #2a2139; +} +/* Base Style */ +.codehilite .n { +  color: #ff7edb; +  text-shadow: 0 0 2px #100c0f, 0 0 5px #dc078e33, 0 0 10px #fff3; +  text-shadow: 0 0 2px #100c0f, 0 0 5px #dc078e33, 0 0 10px #fff3; +  background-color: transparent; +} +/* Name Attribute */ +.codehilite .na { +  color: #fede5d; +  background-color: transparent; +} +/* Name Builtin */ +.codehilite .nb { +  color: #fe4450; +  background-color: transparent; +} +/* Name Class */ +.codehilite .nc { +  color: #fe4450; +  background-color: transparent; +} +/* Name Constant */ +.codehilite .no { +  color: transparent; +  background-color: transparent; +} +/* Name Decorator */ +.codehilite .nd { +  color: transparent; +  background-color: transparent; +} +/* Name Entity */ +.codehilite .ni { +  color: transparent; +  background-color: transparent; +} +/* Name Exception */ +.codehilite .ne { +  color: #fe4450; +  background-color: transparent; +} +/* Name Function */ +.codehilite .nf { +  color: #36f9f6; +  background-color: transparent; +} +/* Name Label */ +.codehilite .nl { +  color: transparent; +  background-color: transparent; +} +/* Name Namespace */ +.codehilite .nn { +  color: #f97e72; +  background-color: transparent; +} +/* Name Other */ +.codehilite .nx { +  color: #36f9f6; +  background-color: transparent; +} +/* Name Property */ +.codehilite .py { +  color: transparent; +  background-color: transparent; +} +/* Name Tag */ +.codehilite .nt { +  color: #72f1b8; +  text-shadow: 0 0 2px #100c0f, 0 0 10px #257c5575, 0 0 35px #21272475; +  background-color: transparent; +} +/* Name Variable */ +.codehilite .nv { +  color: #bbbbbb; +  background-color: transparent; +} +/* Name Variable Class */ +.codehilite .vc { +  color: transparent; +  background-color: transparent; +} +/* Name Variable Global */ +.codehilite .vg { +  color: transparent; +  background-color: transparent; +} +/* Name Variable Instance */ +.codehilite .vi { +  color: transparent; +  background-color: transparent; +} +/* Name Builtin Pseudo */ +.codehilite .bp { +  color: #36f9f6; +  background-color: transparent; +} +/* Base Style */ +.codehilite .g { +  color: transparent; +  background-color: transparent; +} +/*  */ +.codehilite .gd { +  color: transparent; +  background-color: transparent; +} +/* Base Style */ +.codehilite .o { +  color: #fefefe; +  text-shadow: 0 0 2px #001716, 0 0 3px #03edf975, 0 0 5px #03edf975, 0 0 8px #03edf975; +  background-color: transparent; +} +/* Operator Word */ +.codehilite .ow { +  color: #fede5d; +  background-color: transparent; +} +/* Base Style */ +.codehilite .c { +  color: #848bbd; +  background-color: transparent; +} +/* Comment Multiline */ +.codehilite .cm { +  color: #848bbd; +  background-color: transparent; +} +/* Comment Preproc */ +.codehilite .cp { +  color: #848bbd; +  background-color: transparent; +} +/* Comment Single */ +.codehilite .c1 { +  color: #848bbd; +  background-color: transparent; +} +/* Comment Special */ +.codehilite .cs { +  color: #848bbd; +  background-color: transparent; +} +/* Base Style */ +.codehilite .k { +  color: #fede5d; +  background-color: transparent; +} +/* Keyword Constant */ +.codehilite .kc { +  color: #f97e72; +  background-color: transparent; +} +/* Keyword Declaration */ +.codehilite .kd { +  color: #fede5d; +  background-color: transparent; +} +/* Keyword Namespace */ +.codehilite .kn { +  color: #fede5d; +  background-color: transparent; +} +/* Keyword Pseudo */ +.codehilite .kp { +  color: #fede5d; +  background-color: transparent; +} +/* Keyword Reserved */ +.codehilite .kr { +  color: #fede5d; +  background-color: transparent; +} +/* Keyword Type */ +.codehilite .kt { +  color: #fede5d; +  background-color: transparent; +} +/* Base Style */ +.codehilite .l { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal Date */ +.codehilite .ld { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal Number */ +.codehilite .m { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal Number Float */ +.codehilite .mf { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal Number Hex */ +.codehilite .mh { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal Number Integer */ +.codehilite .mi { +  color: #f97e72; +  background-color: transparent; +} +/* Literal Number Oct */ +.codehilite .mo { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal Number Integer Long */ +.codehilite .il { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal String */ +.codehilite .s { +  color: #ff8b39; +  text-shadow: 0 0 2px #393a33, 0 0 8px #f39f0575, 0 0 2px #f39f0575; +  background-color: transparent; +} +/* Literal String Backtick */ +.codehilite .sb { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal String Char */ +.codehilite .sc { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal String Doc */ +.codehilite .sd { +  color: #848bbd; +  background-color: transparent; +} +/* Literal String Double */ +.codehilite .s2 { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal String Escape */ +.codehilite .se { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal String Heredoc */ +.codehilite .sh { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal String Interpol */ +.codehilite .si { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal String Other */ +.codehilite .sx { +  color: #36f9f6; +  background-color: transparent; +} +/* Literal String Regex */ +.codehilite .sr { +  color: transparent; +  background-color: transparent; +} +/* Literal String Single */ +.codehilite .s1 { +  color: #ff8b39; +  text-shadow: 0 0 2px #393a33, 0 0 8px #f39f0575, 0 0 2px #f39f0575; +  background-color: transparent; +} +/* Literal String Symbol */ +.codehilite .ss { +  color: #36f9f6; +  background-color: transparent; +} +/* Base Style */ +.codehilite .g { +  color: transparent; +  background-color: transparent; +} +/* Generic Deleted */ +.codehilite .gd { +  color: transparent; +  background-color: transparent; +} +/* Generic Emph */ +.codehilite .ge { +  color: transparent; +  background-color: transparent; +} +/* Generic Error */ +.codehilite .gr { +  color: transparent; +  background-color: transparent; +} +/* Generic Heading */ +.codehilite .gh { +  color: transparent; +  background-color: transparent; +} +/* Generic Inserted */ +.codehilite .gi { +  color: transparent; +  background-color: transparent; +} +/* Generic Output */ +.codehilite .go { +  color: transparent; +  background-color: transparent; +} +/* Generic Prompt */ +.codehilite .gp { +  color: transparent; +  background-color: transparent; +} +/* Generic Strong */ +.codehilite .gs { +  color: transparent; +  background-color: transparent; +} +/* Generic Subheading */ +.codehilite .gu { +  color: transparent; +  background-color: transparent; +} +/* Generic Traceback */ +.codehilite .gt { +  color: transparent; +  background-color: transparent; +} +/* Other */ +.codehilite .x { +  color: transparent; +  background-color: transparent; +} +/* Text Whitespace */ +.codehilite .w { +  color: transparent; +  background-color: transparent; +} diff --git a/Resources/assets/manup.min.js b/Resources/assets/manup.min.js new file mode 100644 index 0000000..20bc3a1 --- /dev/null +++ b/Resources/assets/manup.min.js @@ -0,0 +1 @@ +var manUpObject,tagArray=[],linkArray=[],validMetaValues=[{name:"mobile-web-app-capable",manifestName:"display"},{name:"apple-mobile-web-app-capable",manifestName:"display"},{name:"apple-mobile-web-app-title",manifestName:"short_name"},{name:"application-name",manifestName:"short_name"},{name:"msapplication-TileColor",manifestName:"ms_TileColor"},{name:"msapplication-square70x70logo",manifestName:"icons",imageSize:"70x70"},{name:"msapplication-square150x150logo",manifestName:"icons",imageSize:"150x150"},{name:"msapplication-wide310x150logo",manifestName:"icons",imageSize:"310x150"},{name:"msapplication-square310x310logo",manifestName:"icons",imageSize:"310x310"}],validLinkValues=[{name:"apple-touch-icon",manifestName:"icons",imageSize:"152x152"},{name:"apple-touch-icon",manifestName:"icons",imageSize:"120x120"},{name:"apple-touch-icon",manifestName:"icons",imageSize:"76x76"},{name:"apple-touch-icon",manifestName:"icons",imageSize:"60x60"},{name:"apple-touch-icon",manifestName:"icons",imageSize:"57x57"},{name:"apple-touch-icon",manifestName:"icons",imageSize:"72x72"},{name:"apple-touch-icon",manifestName:"icons",imageSize:"114x114"},{name:"icon",manifestName:"icons",imageSize:"128x128"},{name:"icon",manifestName:"icons",imageSize:"192x192"}],generateFullMetaData=function(){for(var e=0;e<validMetaValues.length;e++)if(manUpObject[validMetaValues[e].manifestName])if("icons"==validMetaValues[e].manifestName)for(var a=manUpObject.icons,n=0;n<a.length;n++)a[n].sizes==validMetaValues[e].imageSize&&(validMetaValues[e].content=a[n].src);else validMetaValues[e].content=manUpObject[validMetaValues[e].manifestName],"display"==validMetaValues[e].manifestName&&"standalone"==manUpObject.display&&(validMetaValues[e].content="yes");return validMetaValues},generateFullLinkData=function(){for(var e=0;e<validLinkValues.length;e++)if(manUpObject[validLinkValues[e].manifestName])if("icons"==validLinkValues[e].manifestName)for(var a=manUpObject.icons,n=0;n<a.length;n++)a[n].sizes==validLinkValues[e].imageSize&&(validLinkValues[e].content=a[n].src);else validLinkValues[e].content=manUpObject[validLinkValues[e].manifestName];return validLinkValues},generateMetaArray=function(){for(var e=generateFullMetaData(),a=document.getElementsByTagName("head")[0],n=0;n<e.length;n++){var i=document.createElement("meta");i.name=e[n].name,i.content=e[n].content,a.appendChild(i)}},generateLinkArray=function(){for(var e=generateFullLinkData(),a=document.getElementsByTagName("head")[0],n=0;n<e.length;n++){var i=document.createElement("link");i.setAttribute("rel",e[n].name),i.setAttribute("sizes",e[n].imageSize),i.setAttribute("href",e[n].content),a.appendChild(i)}},generateObj=function(e){manUpObject=JSON.parse(e),generateLinkArray(),generateMetaArray()},makeAjax=function(e){if(window.XMLHttpRequest){var a,n=/^https?:\/\//i;n.test(e)?fulURL=e:a=window.location.hostname+e;var i=new XMLHttpRequest;i.onreadystatechange=function(){4==i.readyState&&200==i.status&&generateObj(i.responseText)},i.open("GET",e,!0),i.send()}},collectManifestObj=function(){for(var e=document.getElementsByTagName("link"),a=0;a<e.length;a++)e[a].rel&&"manifest"==e[a].rel&&makeAjax(e[a].href)},testForManifest=function(){collectManifestObj()}(); diff --git a/Resources/assets/posts/arjs/.03-knot.png.icloud b/Resources/assets/posts/arjs/.03-knot.png.icloudBinary files differ new file mode 100644 index 0000000..f947318 --- /dev/null +++ b/Resources/assets/posts/arjs/.03-knot.png.icloud diff --git a/Resources/assets/posts/arjs/01-ngrok.png b/Resources/assets/posts/arjs/01-ngrok.pngBinary files differ new file mode 100644 index 0000000..2759c5b --- /dev/null +++ b/Resources/assets/posts/arjs/01-ngrok.png diff --git a/Resources/assets/posts/arjs/02-box-demo.gif b/Resources/assets/posts/arjs/02-box-demo.gifBinary files differ new file mode 100644 index 0000000..b5ab73a --- /dev/null +++ b/Resources/assets/posts/arjs/02-box-demo.gif diff --git a/Resources/assets/posts/arjs/04-nyan.gif b/Resources/assets/posts/arjs/04-nyan.gifBinary files differ new file mode 100644 index 0000000..2fe12ad --- /dev/null +++ b/Resources/assets/posts/arjs/04-nyan.gif diff --git a/Resources/assets/posts/arjs/05-GitHub.jpg b/Resources/assets/posts/arjs/05-GitHub.jpgBinary files differ new file mode 100644 index 0000000..051169e --- /dev/null +++ b/Resources/assets/posts/arjs/05-GitHub.jpg diff --git a/Resources/assets/posts/autodock-vina/s1.png b/Resources/assets/posts/autodock-vina/s1.pngBinary files differ new file mode 100644 index 0000000..332f726 --- /dev/null +++ b/Resources/assets/posts/autodock-vina/s1.png diff --git a/Resources/assets/posts/kaggle-colab/ss1.png b/Resources/assets/posts/kaggle-colab/ss1.pngBinary files differ new file mode 100644 index 0000000..b618236 --- /dev/null +++ b/Resources/assets/posts/kaggle-colab/ss1.png diff --git a/Resources/assets/posts/kaggle-colab/ss2.png b/Resources/assets/posts/kaggle-colab/ss2.pngBinary files differ new file mode 100644 index 0000000..0777cdd --- /dev/null +++ b/Resources/assets/posts/kaggle-colab/ss2.png diff --git a/Resources/assets/posts/kaggle-colab/ss3.png b/Resources/assets/posts/kaggle-colab/ss3.pngBinary files differ new file mode 100644 index 0000000..186db99 --- /dev/null +++ b/Resources/assets/posts/kaggle-colab/ss3.png diff --git a/Resources/assets/posts/kaggle-colab/ss4.png b/Resources/assets/posts/kaggle-colab/ss4.pngBinary files differ new file mode 100644 index 0000000..4d60648 --- /dev/null +++ b/Resources/assets/posts/kaggle-colab/ss4.png diff --git a/Resources/assets/posts/obs/.01-pewdiepie.png.icloud b/Resources/assets/posts/obs/.01-pewdiepie.png.icloudBinary files differ new file mode 100644 index 0000000..29446fa --- /dev/null +++ b/Resources/assets/posts/obs/.01-pewdiepie.png.icloud diff --git a/Resources/assets/posts/obs/.11.png.icloud b/Resources/assets/posts/obs/.11.png.icloudBinary files differ new file mode 100644 index 0000000..f6a4366 --- /dev/null +++ b/Resources/assets/posts/obs/.11.png.icloud diff --git a/Resources/assets/posts/obs/.3-usb.png.icloud b/Resources/assets/posts/obs/.3-usb.png.icloudBinary files differ new file mode 100644 index 0000000..6719b05 --- /dev/null +++ b/Resources/assets/posts/obs/.3-usb.png.icloud diff --git a/Resources/assets/posts/obs/.5S.png.icloud b/Resources/assets/posts/obs/.5S.png.icloudBinary files differ new file mode 100644 index 0000000..e300a38 --- /dev/null +++ b/Resources/assets/posts/obs/.5S.png.icloud diff --git a/Resources/assets/posts/obs/.mirrorless.png.icloud b/Resources/assets/posts/obs/.mirrorless.png.icloudBinary files differ new file mode 100644 index 0000000..f51618a --- /dev/null +++ b/Resources/assets/posts/obs/.mirrorless.png.icloud diff --git a/Resources/assets/posts/obs/.normal.png.icloud b/Resources/assets/posts/obs/.normal.png.icloudBinary files differ new file mode 100644 index 0000000..807add7 --- /dev/null +++ b/Resources/assets/posts/obs/.normal.png.icloud diff --git a/Resources/assets/posts/obs/.usb.png.icloud b/Resources/assets/posts/obs/.usb.png.icloudBinary files differ new file mode 100644 index 0000000..e473c13 --- /dev/null +++ b/Resources/assets/posts/obs/.usb.png.icloud diff --git a/Resources/assets/posts/obs/01-media-source.png b/Resources/assets/posts/obs/01-media-source.pngBinary files differ new file mode 100644 index 0000000..cb9c90b --- /dev/null +++ b/Resources/assets/posts/obs/01-media-source.png diff --git a/Resources/assets/posts/obs/01-panel.png b/Resources/assets/posts/obs/01-panel.pngBinary files differ new file mode 100644 index 0000000..ab5e9f3 --- /dev/null +++ b/Resources/assets/posts/obs/01-panel.png diff --git a/Resources/assets/posts/obs/02-remote.png b/Resources/assets/posts/obs/02-remote.pngBinary files differ new file mode 100644 index 0000000..0ccf7c7 --- /dev/null +++ b/Resources/assets/posts/obs/02-remote.png diff --git a/Resources/assets/posts/obs/021-rotate.png b/Resources/assets/posts/obs/021-rotate.pngBinary files differ new file mode 100644 index 0000000..2d7366d --- /dev/null +++ b/Resources/assets/posts/obs/021-rotate.png diff --git a/Resources/assets/posts/obs/021-source.png b/Resources/assets/posts/obs/021-source.pngBinary files differ new file mode 100644 index 0000000..b848ac0 --- /dev/null +++ b/Resources/assets/posts/obs/021-source.png diff --git a/Resources/assets/posts/obs/dics.css b/Resources/assets/posts/obs/dics.css new file mode 100644 index 0000000..81ab949 --- /dev/null +++ b/Resources/assets/posts/obs/dics.css @@ -0,0 +1,229 @@ +.b-dics { +    width     : 100%; +    max-width : 100%; +    position  : relative; +    overflow  : hidden; +    display   : -webkit-box; +    display   : -ms-flexbox; +    display   : flex; +    opacity   : 0; +} + +.b-dics__section { +    height : 100%; +} + +.b-dics__slider:hover :before { +    color        : #FFFFFF; +    border-color : #FFFFFF; +} + +.b-dics__text { +    position       : absolute; +    top            : 0; +    left           : 50%; +    padding        : 5px 25px; +    -webkit-transform      : translateX(-50%); +    -ms-transform      : translateX(-50%); +    transform      : translateX(-50%); +    background     : #FFFFFF; +    z-index        : 11; +    font-family    : Arial, serif; +    color          : #3d3d3d; +    -webkit-user-select    : none; +    -moz-user-select    : none; +    -ms-user-select    : none; +    user-select    : none; +    font-size      : 13px; +    text-align     : center; +    margin         : 16px 0; +    white-space    : nowrap; +    opacity        : .7; +    pointer-events : none; +} + +.b-dics__image-container { +    width    : 100%; +    height   : 100%; +    display  : block; +    overflow : hidden; +    position : relative; +} + +.b-dics__image { +    height      : 100%; +    position    : absolute; +    left        : 0; +    top         : 50%; +    -webkit-transform   : translateY(-50%); +    -ms-transform   : translateY(-50%); +    transform   : translateY(-50%); +    -webkit-user-select : none; +    -moz-user-select : none; +    -ms-user-select : none; +    user-select : none; +    max-width   : none; +} + +.b-dics__slider { +    color        : #FFFFFF; +    position     : absolute; +    left         : 100%; +    top          : 0; +    cursor       : pointer; +    -webkit-transform    : translateX(-50%); +    -ms-transform    : translateX(-50%); +    transform    : translateX(-50%); +    height       : 100%; +    width        : 3px; +    padding      : 0 30px; +    z-index      : 1; +    -ms-touch-action : none; +    touch-action : none; +    line-height  : normal; +    opacity      : .7; +} + +.b-dics__slider:before { +    content           : ''; +    -webkit-mask      : url(data:image/svg+xml;base64,PD94bWwgdmVyc2lvbj0iMS4wIiBlbmNvZGluZz0idXRmLTgiPz48c3ZnIHZlcnNpb249IjEuMSIgaWQ9IkxheWVyXzEiIHhtbG5zPSJodHRwOi8vd3d3LnczLm9yZy8yMDAwL3N2ZyIgeG1sbnM6eGxpbms9Imh0dHA6Ly93d3cudzMub3JnLzE5OTkveGxpbmsiIHg9IjBweCIgeT0iMHB4IiB2aWV3Qm94PSIwIDAgNTEyIDUxMiIgc3R5bGU9ImVuYWJsZS1iYWNrZ3JvdW5kOm5ldyAwIDAgNTEyIDUxMjsiIHhtbDpzcGFjZT0icHJlc2VydmUiPjxzdHlsZSB0eXBlPSJ0ZXh0L2NzcyI+LnN0MHtmaWxsOiNGRkZGRkY7ZW5hYmxlLWJhY2tncm91bmQ6bmV3ICAgIDt9PC9zdHlsZT48cGF0aCBjbGFzcz0ic3QwIiBkPSJNMTgwLjIsMTA4LjFsNjEuNy02Mi4yYzMuOC0zLjgsOC44LTUuOSwxNC4xLTUuOWM1LjMsMCwxMC40LDIuMSwxNC4xLDUuOWw2MS43LDYyLjJjMy45LDMuOSw5LjEsNS45LDE0LjIsNS45czEwLjItMS45LDE0LjEtNS44YzcuOC03LjgsNy45LTIwLjQsMC4xLTI4LjNsLTYxLjctNjIuMkMyODcuMiw2LjMsMjcyLjEsMCwyNTYsMHMtMzEuMiw2LjMtNDIuNSwxNy44TDE1MS44LDgwYy03LjgsNy44LTcuNywyMC41LDAuMSwyOC4zQzE1OS44LDExNiwxNzIuNCwxMTUuOSwxODAuMiwxMDguMXoiLz48cGF0aCBjbGFzcz0ic3QwIiBkPSJNMzMxLjgsNDAzLjlsLTYxLjcsNjIuMmMtMy44LDMuOC04LjgsNS45LTE0LjEsNS45Yy01LjMsMC0xMC40LTIuMS0xNC4xLTUuOWwtNjEuNy02Mi4yYy03LjgtNy44LTIwLjQtNy45LTI4LjMtMC4xYy03LjgsNy44LTcuOSwyMC40LTAuMSwyOC4zbDYxLjcsNjIuMmMxMS40LDExLjQsMjYuNSwxNy44LDQyLjUsMTcuOHMzMS4yLTYuMyw0Mi41LTE3LjhsNjEuNy02Mi4yYzcuOC03LjgsNy43LTIwLjUtMC4xLTI4LjNDMzUyLjIsMzk2LDMzOS42LDM5Ni4xLDMzMS44LDQwMy45eiIvPjwvc3ZnPg==) no-repeat 100% 100%; +    mask              : url(data:image/svg+xml;base64,PD94bWwgdmVyc2lvbj0iMS4wIiBlbmNvZGluZz0idXRmLTgiPz48c3ZnIHZlcnNpb249IjEuMSIgaWQ9IkxheWVyXzEiIHhtbG5zPSJodHRwOi8vd3d3LnczLm9yZy8yMDAwL3N2ZyIgeG1sbnM6eGxpbms9Imh0dHA6Ly93d3cudzMub3JnLzE5OTkveGxpbmsiIHg9IjBweCIgeT0iMHB4IiB2aWV3Qm94PSIwIDAgNTEyIDUxMiIgc3R5bGU9ImVuYWJsZS1iYWNrZ3JvdW5kOm5ldyAwIDAgNTEyIDUxMjsiIHhtbDpzcGFjZT0icHJlc2VydmUiPjxzdHlsZSB0eXBlPSJ0ZXh0L2NzcyI+LnN0MHtmaWxsOiNGRkZGRkY7ZW5hYmxlLWJhY2tncm91bmQ6bmV3ICAgIDt9PC9zdHlsZT48cGF0aCBjbGFzcz0ic3QwIiBkPSJNMTgwLjIsMTA4LjFsNjEuNy02Mi4yYzMuOC0zLjgsOC44LTUuOSwxNC4xLTUuOWM1LjMsMCwxMC40LDIuMSwxNC4xLDUuOWw2MS43LDYyLjJjMy45LDMuOSw5LjEsNS45LDE0LjIsNS45czEwLjItMS45LDE0LjEtNS44YzcuOC03LjgsNy45LTIwLjQsMC4xLTI4LjNsLTYxLjctNjIuMkMyODcuMiw2LjMsMjcyLjEsMCwyNTYsMHMtMzEuMiw2LjMtNDIuNSwxNy44TDE1MS44LDgwYy03LjgsNy44LTcuNywyMC41LDAuMSwyOC4zQzE1OS44LDExNiwxNzIuNCwxMTUuOSwxODAuMiwxMDguMXoiLz48cGF0aCBjbGFzcz0ic3QwIiBkPSJNMzMxLjgsNDAzLjlsLTYxLjcsNjIuMmMtMy44LDMuOC04LjgsNS45LTE0LjEsNS45Yy01LjMsMC0xMC40LTIuMS0xNC4xLTUuOWwtNjEuNy02Mi4yYy03LjgtNy44LTIwLjQtNy45LTI4LjMtMC4xYy03LjgsNy44LTcuOSwyMC40LTAuMSwyOC4zbDYxLjcsNjIuMmMxMS40LDExLjQsMjYuNSwxNy44LDQyLjUsMTcuOHMzMS4yLTYuMyw0Mi41LTE3LjhsNjEuNy02Mi4yYzcuOC03LjgsNy43LTIwLjUtMC4xLTI4LjNDMzUyLjIsMzk2LDMzOS42LDM5Ni4xLDMzMS44LDQwMy45eiIvPjwvc3ZnPg==) no-repeat 100% 100%; +    mask-size         : cover; +    -webkit-mask-size : cover; +    width             : 26px; +    height            : 26px; +    padding           : 0; +    background-color  : currentColor; +    position          : absolute; +    top               : 50%; +    left              : 50%; +    -webkit-transform         : translate(-50%, -50%) rotate(90deg); +    -ms-transform         : translate(-50%, -50%) rotate(90deg); +    transform         : translate(-50%, -50%) rotate(90deg); +    z-index           : 2; +    font-size         : 0; +} + +.b-dics__slider:after { +    content          : ''; +    position         : absolute; +    left             : 50%; +    top              : 0; +    -webkit-transform        : translateX(-50%); +    -ms-transform        : translateX(-50%); +    transform        : translateX(-50%); +    height           : 100%; +    width            : 3px; +    background-color : currentColor; +    z-index          : 1; +} + +.b-dics__image-container:hover .b-dics__text { +    opacity : 1; +} + +.b-dics__slider:hover { +    opacity : 1; +} + +/* Text Position +   ****************************************************************************/ + +.b-dics--tp-center .b-dics__text { +    top       : 50%; +    -webkit-transform : translate(-50%, -50%); +    -ms-transform : translate(-50%, -50%); +    transform : translate(-50%, -50%); +    margin    : 0; +} + +.b-dics--tp-bottom .b-dics__text { +    top       : initial; +    bottom    : 0; +    -webkit-transform : translate(-50%, -50%); +    -ms-transform : translate(-50%, -50%); +    transform : translate(-50%, -50%); +} + +.b-dics--tp-left .b-dics__text { +    left      : 0; +    top       : 50%; +    -webkit-transform : translateY(-50%); +    -ms-transform : translateY(-50%); +    transform : translateY(-50%); +    margin    : 0 16px; +} + +.b-dics--tp-right .b-dics__text { +    left      : initial; +    right     : 0; +    top       : 50%; +    -webkit-transform : translateY(-50%); +    -ms-transform : translateY(-50%); +    transform : translateY(-50%); +    margin    : 0 16px; +} + +/* Hide texts +   ****************************************************************************/ + +.b-dics--hide-texts .b-dics__text { +    background : #ffffff; +    opacity    : 0; +} + +.b-dics--hide-texts .b-dics__image-container:hover .b-dics__text { +    opacity : 1; +} + +/* Vertical Sliders +   ****************************************************************************/ + +.b-dics--vertical { +    -webkit-box-orient : vertical; +    -webkit-box-direction : normal; +    -ms-flex-direction : column; +    flex-direction : column; +} + +.b-dics--vertical .b-dics__section { +    height : auto; +    width  : 100%; +} + +.b-dics--vertical .b-dics__image { +    left      : 50%; +    -webkit-transform : translateX(-50%); +    -ms-transform : translateX(-50%); +    transform : translateX(-50%); +    top       : 0; +    width     : 100%; +    height    : auto; +} + +.b-dics--vertical .b-dics__slider { +    top       : 100%; +    -webkit-transform : translateY(-50%); +    -ms-transform : translateY(-50%); +    transform : translateY(-50%); +    width     : 100%; +    height    : 3px; +    padding   : 30px 0; +    left      : 0; +} + +.b-dics--vertical .b-dics__slider:after { +    top       : 50%; +    left      : 0; +    -webkit-transform : translateY(-50%); +    -ms-transform : translateY(-50%); +    transform : translateY(-50%); +    width     : 100%; +    height    : 3px; +} + +.b-dics--vertical .b-dics__slider:before { +    -webkit-transform : translate(-50%, -50%); +    -ms-transform : translate(-50%, -50%); +    transform : translate(-50%, -50%); +}
\ No newline at end of file diff --git a/Resources/assets/posts/obs/dics.js b/Resources/assets/posts/obs/dics.js new file mode 100644 index 0000000..b739e36 --- /dev/null +++ b/Resources/assets/posts/obs/dics.js @@ -0,0 +1,638 @@ +"use strict"; + +/* + * Dics: Definitive image comparison slider. A multiple image vanilla comparison slider. + * + * By Abel Cabeza Román, a Codictados developer + * Src: https://github.com/abelcabezaroman/definitive-image-comparison-slider + * Example: http://codictados.com/portfolio/definitive-image-comparison-slider-demo/ + */ + +/** + * + */ + +/** + * + * @type {{container: null, filters: null, hideTexts: null, textPosition: string, linesOrientation: string, rotate: number, arrayBackgroundColorText: null, arrayColorText: null, linesColor: null}} + */ +var defaultOptions = { +    container: null, +    // **REQUIRED**: HTML container | `document.querySelector('.b-dics')` | +    filters: null, +    // Array of CSS string filters  |`['blur(3px)', 'grayscale(1)', 'sepia(1)', 'saturate(3)']` | +    hideTexts: null, +    // Show text only when you hover the image container |`true`,`false`| +    textPosition: 'top', +    // Set the prefer text position  |`'center'`,`'top'`, `'right'`, `'bottom'`, `'left'` | +    linesOrientation: 'horizontal', +    // Change the orientation of lines  |`'horizontal'`,`'vertical'` | +    rotate: 0, +    // Rotate the image container (not too useful but it's a beatiful effect. String of rotate CSS rule)  |`'45deg'`| +    arrayBackgroundColorText: null, +    // Change the bacground-color of sections texts with an array |`['#000000', '#FFFFFF']`| +    arrayColorText: null, +    // Change the color of texts with an array  |`['#FFFFFF', '#000000']`| +    linesColor: null // Change the lines and arrows color  |`'rgb(0,0,0)'`| + +}; +/** + * + * @param options + * @constructor + */ + +var Dics = function Dics(options) { +    this.options = utils.extend({}, [defaultOptions, options], { +        clearEmpty: true +    }); +    this.container = this.options.container; + +    if (this.container == null) { +        console.error('Container element not found!'); +    } else { +        this._setOrientation(this.options.linesOrientation, this.container); + +        this.images = this._getImages(); +        this.sliders = []; +        this._activeSlider = null; + +        this._load(this.images[0]); +    } +}; +/** + * + * @private + */ + + +Dics.prototype._load = function (firstImage) { +    var _this = this; + +    var maxCounter = arguments.length > 1 && arguments[1] !== undefined ? arguments[1] : 100000; + +    if (firstImage.naturalWidth) { +        this._buidAfterFirstImageLoad(firstImage); +    } else { +        if (maxCounter > 0) { +            maxCounter--; +            setTimeout(function () { +                _this._load(firstImage, maxCounter); +            }, 100); +        } else { +            console.error('error loading images'); +        } +    } +}; +/** + * + * @private + */ + + +Dics.prototype._buidAfterFirstImageLoad = function (firstImage) { +    this._setContainerWidth(firstImage); + +    this._build(); + +    this._setEvents(); +}; +/** + * + * @private + */ + + +Dics.prototype._setContainerWidth = function (firstImage) { +    this.options.container.style.height = "".concat(this._calcContainerHeight(firstImage), "px"); +}; +/** + * + * @private + */ + + +Dics.prototype._setOpacityContainerForLoading = function (opacity) { +    this.options.container.style.opacity = opacity; +}; +/** + * Build HTML + * @private + */ + + +Dics.prototype._build = function () { +    var dics = this; + +    dics._applyGlobalClass(dics.options); + +    var imagesLength = dics.images.length; +    var initialImagesContainerWidth = dics.container.getBoundingClientRect()[dics.config.sizeField] / imagesLength; + +    for (var i = 0; i < imagesLength; i++) { +        var image = dics.images[i]; + +        var section = dics._createElement('div', 'b-dics__section'); + +        var imageContainer = dics._createElement('div', 'b-dics__image-container'); + +        var slider = dics._createSlider(i, initialImagesContainerWidth); + +        dics._createAltText(image, i, imageContainer); + +        dics._applyFilter(image, i, dics.options.filters); + +        dics._rotate(image, imageContainer); + +        section.setAttribute('data-function', 'b-dics__section'); +        section.style.flex = "0 0 ".concat(initialImagesContainerWidth, "px"); +        image.classList.add('b-dics__image'); +        section.appendChild(imageContainer); +        imageContainer.appendChild(image); + +        if (i < imagesLength - 1) { +            section.appendChild(slider); +        } + +        dics.container.appendChild(section); +        image.style[this.config.positionField] = "".concat(i * -initialImagesContainerWidth, "px"); +    } + +    this.sections = this._getSections(); + +    this._setOpacityContainerForLoading(1); +}; +/** + * + * @returns {NodeListOf<SVGElementTagNameMap[string]> | NodeListOf<HTMLElementTagNameMap[string]> | NodeListOf<Element>} + * @private + */ + + +Dics.prototype._getImages = function () { +    return this.container.querySelectorAll('img'); +}; +/** + * + * @returns {NodeListOf<SVGElementTagNameMap[string]> | NodeListOf<HTMLElementTagNameMap[string]> | NodeListOf<Element>} + * @private + */ + + +Dics.prototype._getSections = function () { +    return this.container.querySelectorAll('[data-function="b-dics__section"]'); +}; +/** + * + * @param elementClass + * @param className + * @returns {HTMLElement | HTMLSelectElement | HTMLLegendElement | HTMLTableCaptionElement | HTMLTextAreaElement | HTMLModElement | HTMLHRElement | HTMLOutputElement | HTMLPreElement | HTMLEmbedElement | HTMLCanvasElement | HTMLFrameSetElement | HTMLMarqueeElement | HTMLScriptElement | HTMLInputElement | HTMLUnknownElement | HTMLMetaElement | HTMLStyleElement | HTMLObjectElement | HTMLTemplateElement | HTMLBRElement | HTMLAudioElement | HTMLIFrameElement | HTMLMapElement | HTMLTableElement | HTMLAnchorElement | HTMLMenuElement | HTMLPictureElement | HTMLParagraphElement | HTMLTableDataCellElement | HTMLTableSectionElement | HTMLQuoteElement | HTMLTableHeaderCellElement | HTMLProgressElement | HTMLLIElement | HTMLTableRowElement | HTMLFontElement | HTMLSpanElement | HTMLTableColElement | HTMLOptGroupElement | HTMLDataElement | HTMLDListElement | HTMLFieldSetElement | HTMLSourceElement | HTMLBodyElement | HTMLDirectoryElement | HTMLDivElement | HTMLUListElement | HTMLHtmlElement | HTMLAreaElement | HTMLMeterElement | HTMLAppletElement | HTMLFrameElement | HTMLOptionElement | HTMLImageElement | HTMLLinkElement | HTMLHeadingElement | HTMLSlotElement | HTMLVideoElement | HTMLBaseFontElement | HTMLTitleElement | HTMLButtonElement | HTMLHeadElement | HTMLParamElement | HTMLTrackElement | HTMLOListElement | HTMLDataListElement | HTMLLabelElement | HTMLFormElement | HTMLTimeElement | HTMLBaseElement} + * @private + */ + + +Dics.prototype._createElement = function (elementClass, className) { +    var newElement = document.createElement(elementClass); +    newElement.classList.add(className); +    return newElement; +}; +/** + * Set need DOM events + * @private + */ + + +Dics.prototype._setEvents = function () { +    var dics = this; + +    dics._disableImageDrag(); + +    dics._isGoingRight = null; +    var oldx = 0; + +    var listener = function listener(event) { +        var xPageCoord = event.pageX ? event.pageX : event.touches[0].pageX; + +        if (xPageCoord < oldx) { +            dics._isGoingRight = false; +        } else if (xPageCoord > oldx) { +            dics._isGoingRight = true; +        } + +        oldx = xPageCoord; + +        var position = dics._calcPosition(event); + +        var beforeSectionsWidth = dics._beforeSectionsWidth(dics.sections, dics.images, dics._activeSlider); + +        var calcMovePixels = position - beforeSectionsWidth; +        dics.sliders[dics._activeSlider].style[dics.config.positionField] = "".concat(position, "px"); + +        dics._pushSections(calcMovePixels, position); +    }; + +    dics.container.addEventListener('click', listener); + +    var _loop = function _loop(i) { +        var slider = dics.sliders[i]; +        utils.setMultiEvents(slider, ['mousedown', 'touchstart'], function (event) { +            dics._activeSlider = i; +            dics._clickPosition = dics._calcPosition(event); +            slider.classList.add('b-dics__slider--active'); +            utils.setMultiEvents(dics.container, ['mousemove', 'touchmove'], listener); +        }); +    }; + +    for (var i = 0; i < dics.sliders.length; i++) { +        _loop(i); +    } + +    var listener2 = function listener2() { +        var activeElements = dics.container.querySelectorAll('.b-dics__slider--active'); +        var _iteratorNormalCompletion = true; +        var _didIteratorError = false; +        var _iteratorError = undefined; + +        try { +            for (var _iterator = activeElements[Symbol.iterator](), _step; !(_iteratorNormalCompletion = (_step = _iterator.next()).done); _iteratorNormalCompletion = true) { +                var activeElement = _step.value; +                activeElement.classList.remove('b-dics__slider--active'); +                utils.removeMultiEvents(dics.container, ['mousemove', 'touchmove'], listener); +            } +        } catch (err) { +            _didIteratorError = true; +            _iteratorError = err; +        } finally { +            try { +                if (!_iteratorNormalCompletion && _iterator.return != null) { +                    _iterator.return(); +                } +            } finally { +                if (_didIteratorError) { +                    throw _iteratorError; +                } +            } +        } +    }; + +    utils.setMultiEvents(document.body, ['mouseup', 'touchend'], listener2); +}; +/** + * + * @param sections + * @param images + * @param activeSlider + * @returns {number} + * @private + */ + + +Dics.prototype._beforeSectionsWidth = function (sections, images, activeSlider) { +    var width = 0; + +    for (var i = 0; i < sections.length; i++) { +        var section = sections[i]; + +        if (i !== activeSlider) { +            width += section.getBoundingClientRect()[this.config.sizeField]; +        } else { +            return width; +        } +    } +}; +/** + * + * @returns {number} + * @private + */ + + +Dics.prototype._calcContainerHeight = function (firstImage) { +    var imgHeight = firstImage.naturalHeight; +    var imgWidth = firstImage.naturalWidth; +    var containerWidth = this.options.container.getBoundingClientRect().width; +    return containerWidth / imgWidth * imgHeight; +}; +/** + * + * @param sections + * @param images + * @private + */ + + +Dics.prototype._setLeftToImages = function (sections, images) { +    var size = 0; + +    for (var i = 0; i < images.length; i++) { +        var image = images[i]; +        image.style[this.config.positionField] = "-".concat(size, "px"); +        size += sections[i].getBoundingClientRect()[this.config.sizeField]; +        this.sliders[i].style[this.config.positionField] = "".concat(size, "px"); +    } +}; +/** + * + * @private + */ + + +Dics.prototype._disableImageDrag = function () { +    for (var i = 0; i < this.images.length; i++) { +        this.sliders[i].addEventListener('dragstart', function (e) { +            e.preventDefault(); +        }); +        this.images[i].addEventListener('dragstart', function (e) { +            e.preventDefault(); +        }); +    } +}; +/** + * + * @param image + * @param index + * @param filters + * @private + */ + + +Dics.prototype._applyFilter = function (image, index, filters) { +    if (filters) { +        image.style.filter = filters[index]; +    } +}; +/** + * + * @param options + * @private + */ + + +Dics.prototype._applyGlobalClass = function (options) { +    var container = options.container; + +    if (options.hideTexts) { +        container.classList.add('b-dics--hide-texts'); +    } + +    if (options.linesOrientation === 'vertical') { +        container.classList.add('b-dics--vertical'); +    } + +    if (options.textPosition === 'center') { +        container.classList.add('b-dics--tp-center'); +    } else if (options.textPosition === 'bottom') { +        container.classList.add('b-dics--tp-bottom'); +    } else if (options.textPosition === 'left') { +        container.classList.add('b-dics--tp-left'); +    } else if (options.textPosition === 'right') { +        container.classList.add('b-dics--tp-right'); +    } +}; + +Dics.prototype._createSlider = function (i, initialImagesContainerWidth) { +    var slider = this._createElement('div', 'b-dics__slider'); + +    if (this.options.linesColor) { +        slider.style.color = this.options.linesColor; +    } + +    slider.style[this.config.positionField] = "".concat(initialImagesContainerWidth * (i + 1), "px"); +    this.sliders.push(slider); +    return slider; +}; +/** + * + * @param image + * @param i + * @param imageContainer + * @private + */ + + +Dics.prototype._createAltText = function (image, i, imageContainer) { +    var textContent = image.getAttribute('alt'); + +    if (textContent) { +        var text = this._createElement('p', 'b-dics__text'); + +        if (this.options.arrayBackgroundColorText) { +            text.style.backgroundColor = this.options.arrayBackgroundColorText[i]; +        } + +        if (this.options.arrayColorText) { +            text.style.color = this.options.arrayColorText[i]; +        } + +        text.appendChild(document.createTextNode(textContent)); +        imageContainer.appendChild(text); +    } +}; +/** + * + * @param image + * @param imageContainer + * @private + */ + + +Dics.prototype._rotate = function (image, imageContainer) { +    image.style.rotate = "-".concat(this.options.rotate); +    imageContainer.style.rotate = this.options.rotate; +}; +/** + * + * @private + */ + + +Dics.prototype._removeActiveElements = function () { +    var activeElements = Dics.container.querySelectorAll('.b-dics__slider--active'); +    var _iteratorNormalCompletion2 = true; +    var _didIteratorError2 = false; +    var _iteratorError2 = undefined; + +    try { +        for (var _iterator2 = activeElements[Symbol.iterator](), _step2; !(_iteratorNormalCompletion2 = (_step2 = _iterator2.next()).done); _iteratorNormalCompletion2 = true) { +            var activeElement = _step2.value; +            activeElement.classList.remove('b-dics__slider--active'); +            utils.removeMultiEvents(Dics.container, ['mousemove', 'touchmove'], Dics.prototype._removeActiveElements); +        } +    } catch (err) { +        _didIteratorError2 = true; +        _iteratorError2 = err; +    } finally { +        try { +            if (!_iteratorNormalCompletion2 && _iterator2.return != null) { +                _iterator2.return(); +            } +        } finally { +            if (_didIteratorError2) { +                throw _iteratorError2; +            } +        } +    } +}; +/** + * + * @param linesOrientation + * @private + */ + + +Dics.prototype._setOrientation = function (linesOrientation) { +    this.config = {}; + +    if (linesOrientation === 'vertical') { +        this.config.offsetSizeField = 'offsetHeight'; +        this.config.offsetPositionField = 'offsetTop'; +        this.config.sizeField = 'height'; +        this.config.positionField = 'top'; +        this.config.clientField = 'clientY'; +        this.config.pageField = 'pageY'; +    } else { +        this.config.offsetSizeField = 'offsetWidth'; +        this.config.offsetPositionField = 'offsetLeft'; +        this.config.sizeField = 'width'; +        this.config.positionField = 'left'; +        this.config.clientField = 'clientX'; +        this.config.pageField = 'pageX'; +    } +}; +/** + * + * @param event + * @returns {number} + * @private + */ + + +Dics.prototype._calcPosition = function (event) { +    var containerCoords = this.container.getBoundingClientRect(); +    var pixel = !isNaN(event[this.config.clientField]) ? event[this.config.clientField] : event.touches[0][this.config.clientField]; +    return containerCoords[this.config.positionField] < pixel ? pixel - containerCoords[this.config.positionField] : 0; +}; +/** + * + * @private + */ + + +Dics.prototype._pushSections = function (calcMovePixels, position) { +    // if (this._rePosUnderActualSections(position)) { +    this._setFlex(position, this._isGoingRight); + +    var section = this.sections[this._activeSlider]; +    var postActualSection = this.sections[this._activeSlider + 1]; + +    var sectionWidth = postActualSection.getBoundingClientRect()[this.config.sizeField] - (calcMovePixels - this.sections[this._activeSlider].getBoundingClientRect()[this.config.sizeField]); + +    section.style.flex = this._isGoingRight === true ? "2 0 ".concat(calcMovePixels, "px") : "1 1 ".concat(calcMovePixels, "px"); +    postActualSection.style.flex = this._isGoingRight === true ? " ".concat(sectionWidth, "px") : "2 0 ".concat(sectionWidth, "px"); + +    this._setLeftToImages(this.sections, this.images); // } + +}; +/** + * + * @private + */ + + +Dics.prototype._setFlex = function (position, isGoingRight) { +    var beforeSumSectionsSize = 0; + +    for (var i = 0; i < this.sections.length; i++) { +        var section = this.sections[i]; +        var sectionSize = section.getBoundingClientRect()[this.config.sizeField]; +        beforeSumSectionsSize += sectionSize; + +        if (isGoingRight && position > beforeSumSectionsSize - sectionSize && i > this._activeSlider || !isGoingRight && position < beforeSumSectionsSize && i < this._activeSlider) { +            section.style.flex = "1 100 ".concat(sectionSize, "px"); +        } else { +            section.style.flex = "0 0 ".concat(sectionSize, "px"); +        } +    } +}; +/** + * + * @type {{extend: (function(*=, *, *): *), setMultiEvents: setMultiEvents, removeMultiEvents: removeMultiEvents, getConstructor: (function(*=): string)}} + */ + + +var utils = { +    /** +     * Native extend object +     * @param target +     * @param objects +     * @param options +     * @returns {*} +     */ +    extend: function extend(target, objects, options) { +        for (var object in objects) { +            if (objects.hasOwnProperty(object)) { +                recursiveMerge(target, objects[object]); +            } +        } + +        function recursiveMerge(target, object) { +            for (var property in object) { +                if (object.hasOwnProperty(property)) { +                    var current = object[property]; + +                    if (utils.getConstructor(current) === 'Object') { +                        if (!target[property]) { +                            target[property] = {}; +                        } + +                        recursiveMerge(target[property], current); +                    } else { +                        // clearEmpty +                        if (options.clearEmpty) { +                            if (current == null) { +                                continue; +                            } +                        } + +                        target[property] = current; +                    } +                } +            } +        } + +        return target; +    }, + +    /** +     * Set Multi addEventListener +     * @param element +     * @param events +     * @param func +     */ +    setMultiEvents: function setMultiEvents(element, events, func) { +        for (var i = 0; i < events.length; i++) { +            element.addEventListener(events[i], func); +        } +    }, + +    /** +     * +     * @param element +     * @param events +     * @param func +     */ +    removeMultiEvents: function removeMultiEvents(element, events, func) { +        for (var i = 0; i < events.length; i++) { +            element.removeEventListener(events[i], func, false); +        } +    }, + +    /** +     * Get object constructor +     * @param object +     * @returns {string} +     */ +    getConstructor: function getConstructor(object) { +        return Object.prototype.toString.call(object).slice(8, -1); +    } +};
\ No newline at end of file diff --git a/Resources/assets/posts/open-babel/s1.png b/Resources/assets/posts/open-babel/s1.pngBinary files differ new file mode 100644 index 0000000..ec988a4 --- /dev/null +++ b/Resources/assets/posts/open-babel/s1.png diff --git a/Resources/assets/posts/open-babel/s2.jpg b/Resources/assets/posts/open-babel/s2.jpgBinary files differ new file mode 100644 index 0000000..7ece652 --- /dev/null +++ b/Resources/assets/posts/open-babel/s2.jpg diff --git a/Resources/assets/posts/open-babel/s3.jpg b/Resources/assets/posts/open-babel/s3.jpgBinary files differ new file mode 100644 index 0000000..5803e97 --- /dev/null +++ b/Resources/assets/posts/open-babel/s3.jpg diff --git a/Resources/assets/posts/open-peeps/ex-1.svg b/Resources/assets/posts/open-peeps/ex-1.svg new file mode 100644 index 0000000..7831d9b --- /dev/null +++ b/Resources/assets/posts/open-peeps/ex-1.svg @@ -0,0 +1 @@ +<svg xmlns="http://www.w3.org/2000/svg" viewBox="0 0 299.18 804.02"><defs><style>.cls-1{fill:#fff;}.cls-1,.cls-2{fill-rule:evenodd;}</style></defs><title>Asset 1</title><g id="Layer_2" data-name="Layer 2"><g id="Layer_1-2" data-name="Layer 1"><path class="cls-1" d="M295.4,792.78c.65-2.62-.41-6-1-9.43-.94-5.3-3.18-13-7.44-15.38-.76-2-21.71-18-32.64-26C248.68,737.8,244.08,730,243,730.09c-2.17-5.32-2.45-10.58-3.78-16.74,4.94-.65,13.38.52,17.27-2.29.7,0,.69-7.58.79-8.65-2.93-7.95-10.14-202.32-2.93-294.9.76-10.31,2.75-21.84.78-32.47,3.22-.71,5.15-4,5.16-4.17,7.69-15.1-4.11-66.45-11.5-80.67,5.87-.15,13.6-.95,17.24-5.85a6,6,0,0,0,3.64-3.14,50.63,50.63,0,0,0,2.66-4.72c3.91-8.13,6.33-17.16,5-26.11.25-.08,1.53-.09,1.6-.45a16.86,16.86,0,0,0-.94-6.22c-6.72-23.42-14.81-46.48-25.5-68.54-5.36-11.8-16.45-16.11-27.93-20.54-5.53-2.17-11.05-4.67-16.82-6.09-.07-.41.27-1.64-.48-1.54-.94.2-.75,1.7-1.1,2.54C192.8,138.63,201.25,133,193.21,127c-8.32-4.32-13.25-4.49-22.42-3.56-3.38.1-6.09,1.63-6.89,5-2.91,7-9.73,12.24-17.16,13.83-.62-1.09-2.3-4.23-3.25-3.24-10.74.37-31.49,8.85-41.54,11.8-10.09,2.58-10,5.32-12.61,16.29-4.79,19.54-3.89,92.92,8.61,108.38q6.8,4.54,10.21,5.66c-.07,7.23,1.14,18,0,25.07-2.55,12.82-5.66,25.7-8.51,38.59,0,1.43-11.39,22.72-6.05,18.78,1.1.54,3,2.82,4.22,3.32-5.67,12.92-4.63,28.77-4.22,44.73.1,9.5-2.12,19.92-4.26,29.65C73.57,523.8,62.88,617.42,57,700c-.24,3.39-.39,6-.51,8.37-.11.83,1,.81,1.41.39l.57-.55,2.3.63a50.33,50.33,0,0,1-.52,8c-.3,2.35-4.13,12.65-3.25,14.95-2.92-.16-8.4,4.63-11,9.82-1.34,1.2-5.63,3.17-6.61,5q-2,1.92-15.82,9.94c-5.09,4.07-21.47,20.25-20.14,23.53l-.2,1.37c-2.81,16.36,1.87,15.67,17,18.08,22.12,3.9,43.05-7.94,61.75-18,6.21-4.19,12.26-3.08,11.59-8.14-1.23-6.25-1.45-28.62-8.54-28.11,1.16-1.28.87-13,0-15.22-.56-5.65,4.56-10.92,4.28-16.74,3,.22,9,1.61,10.31-1.7-.05-.33-1.46-.33-1.7-.41l0-.18-.16,0c12.37-43.6,42.5-243.81,75.21-259.18.2,1.64,3.8-.31,6,0,10.12,78.95,21.71,153.37,27.89,237.82.62,2.5,2,20,2.65,22.87a9.54,9.54,0,0,0,3,1.88c.34,8.91-.8,27.5-.84,27.52l-.6,1.44c-3.44,7.78-6,18.18-1.57,25.79-3.29-.24-4.73,2.57-4.88,5.49-1.94,12.79,49.39,24.15,61.31,24.88C269.9,800.21,297.82,795.23,295.4,792.78Z"/><path class="cls-2" d="M290.71,793.83c-6.48,1.49-12.79,3.94-19.18,5.39-20.81-1.53-41.24-8.54-59.49-17.18-5.29-2.31-8.39-6.42-6-11.7,7.74,9.57,36.41,16.23,49.53,20.36,8.16,1.79,17.42,5.83,25.66,2.06,5.23-.9,11.17-3.4,13.18-8.1a38.73,38.73,0,0,1-.24,6c.2,2.45-1,2.79-3.43,3.18Zm-77.28-80.65a.51.51,0,0,0-.92,0c-.4,0-.82-.08-1.24-.09a15.45,15.45,0,0,0,.46-7c-.45-6.49-1-13-1.51-19.46-5.65-62.11-12.16-124.4-23.26-185.83a.44.44,0,0,0,.19-.43c-.55-4.35-1.73-8.59-2.55-12.9s-1.53-8.72-2.29-13.07c-.23-1.3-.46-2.61-.7-3.91.17-3.16-.59-6.48-1-9.54a53.21,53.21,0,0,0-1.26-6.5,2,2,0,0,0-.46-2.12l0,0a3.93,3.93,0,0,1,.14-.41c.4-1,1.27-1.43,1.89-2.13a16.09,16.09,0,0,1,5.45-.13c.27.05.47-.32.19-.47-7.27-4.25-16.33-.15-21.7,5.4-16.49,23.44-22.45,53.2-31.57,80.1C116.78,593.1,105.2,652.94,92,712.17c-10.48-.49-20.94-2-31.45-1.76a4.46,4.46,0,0,0-1.88-2.22A2399.1,2399.1,0,0,1,93.06,439c1.86-23.31-1-47.07,5.87-69.86C148,388.41,202.84,391.29,254.3,380.9c-9.62,109.13-14.71,219.4-1.49,328.51a52.68,52.68,0,0,1-13.25,2.91,169,169,0,0,1-26.13.86ZM82.9,738.9a2.41,2.41,0,0,0,1.68,3.51c-4.87,1.29-5.78,6.47-9.62,8.83-.36-.68-1.37-.79-2-1-2.06-7.63-4.42-16.6-14-19.41a3.76,3.76,0,0,0,.49-2.63c.72-3.63,3.29-11.73,1.7-15.9,8.83,2,17.89,2.84,26.84,4.14-1.82,6.63-3.36,16.63-5,22.45ZM89,771.17l.87-.25c1.4,6.18-8.14,8.2-12.85,10.39q-10.65,4.41-21.26,8.87c-14.32,7.18-27.76,9.2-43.68,4.08-10.13-1.94-8.2-3.87-9.69-11.69,10.16,13.66,31,7.8,43.88,1.89C58.05,780,69.87,775.65,82,771.87c2.43.61,4.74,0,7-.7ZM192.16,271.81c-6.12,1.66-12.32,2.51-18.54,3.74.54-4,1.34-8,1.35-12a102.6,102.6,0,0,0,17.19,8.28Zm-57.71-40.37a66.75,66.75,0,0,1,39.26,3.44c4.24,1.41,10,5.09,14.37,3.39-3.27,10.36.85,21,5.1,30.47-9.76-3.25-18.36-9-27.25-14,3.33-4.38-26.94-9.69-30.23-9.58-.93-4.53-2-9-3-13.55a3.6,3.6,0,0,0,1.77-.17Zm67.54,4.9a.34.34,0,0,1,.14.21c12.79,1.77,25.64,7.59,38.77,5.9,8.88-1.14,4.79,3.93-1.12,3.74-13.33,1.34-25.7-6.55-38.1-9.23Zm7-85.67-.09.42a1.33,1.33,0,0,1-.4-.05l-.25-.25a2.66,2.66,0,0,1,.74-.12Zm90.16,640.55a12.48,12.48,0,0,0-4.13-8.28c1.55-6.35-1.56-14.45-8.19-17.18-1.8-3-5.72-4.26-8.55-6.36,2.38-.15,4.55-1.84,2.73-3.66a107.51,107.51,0,0,0-11.25,4.33c-1,.21-3.35,2.17-3.53.42.69-1.39,6.07-2.8,7.83-3.77l-3.9-2.48c2.3,0,5.26-1.78,3-3.74-6.08,1.35-12.4,2.54-17.76,5.62-4.42-1.1,8.45-5,9.64-5.22a70.4,70.4,0,0,1-5.81-4.36c2,0,6.21-2.06,3.52-3.87-3.38-.87-8.07,1.92-11.42,2.81h0c-2.53.93-5,1.95-7.52,3-1,.42-1.42-1-.43-1.38,3.85-1.62,7.75-3.16,11.74-4.48C254,741.43,253,740.19,252,739c.27-1.94-1.73-3.65-2.47-5.4.16-.9-.29-2.31-1.36-2.49a3.75,3.75,0,0,0-3.3-.69,46.33,46.33,0,0,1-4.09-13.67c5-.66,10.72-.69,15-3.42a2.66,2.66,0,0,0,2.58-2.55,147.12,147.12,0,0,0-.91-16.52q-.75-8.28-1.39-16.55c-7.32-88.5-6-177.46,1-265.94.74-10.37,1.11-21-.61-31.28,2.14-.66,10.13-2,9.52-4.93,6.93-17.67-3.33-62.91-10.87-80.69,5.61-.32,12.35-1.53,16-6.16,3.55-1.25,4.79-5.41,6.56-8.41,3.81-8,6.28-17,5.31-25.89,3.93-1-.94-11.84-1.37-14.74-6.52-21.51-14-42.89-23.77-63.14A33.83,33.83,0,0,0,240.69,160c-9-3.93-18.06-8-27.48-10.87a1.85,1.85,0,0,0-2.76-1.65l-.23-.07a4.51,4.51,0,0,0-3.84,1.14c-3-4.47-3.84-10.13-5-15.39-4.54,4.76-.35,20.66,6.73,22-4.61,33.23-43.24,25.35-55,1.13-2.55-4.68-4.27-9.28-6.81-14a15.47,15.47,0,0,0,17.51-9.59,5.51,5.51,0,0,1,2-2.49c1.24-.88.92-3.11-.82-3.06-6.9,1.55-2.37,12.53-19.14,14.45a7.25,7.25,0,0,0-2.08-2.28,1.68,1.68,0,0,0-1.87,0c-12.61.76-24.92,3.95-37,7.38-10.4,2.56-21.3,8.11-23.87,19.42C76.14,184,84,273.41,97.57,284.47a21.64,21.64,0,0,0,7.82,4.7c-2.78,19.87-7.12,39.63-10.81,59.38-.27,3.41-6.19,22.31,1.32,19.2l.62.29c-.45.9-.87,1.82-1.27,2.74a35.73,35.73,0,0,0-2.8,9.2,100.45,100.45,0,0,0-.74,10.1c0,1.26-.1,2.49-.11,3.72-1.45,11.84-1.42,23.94-1.54,35.84-6.56,45-16,89.65-21.33,134.88C62.22,612.84,57.06,661.36,54.06,710c-.1,2.23,2.48,2.68,3.74,1.44l.54.15a47.76,47.76,0,0,1-.39,5.85c-.43,2.82-3.66,9.93-2.85,12.5-2.94-.41-7.69.19-8.54,2.6-3.38,4.3-3.16,10.15-7.16,14,3.85.85,7.68,2,11.42,3.16.77.42.3,1.55-.68,1.26-2.07-.62-4.15-1.26-6.24-1.84h0c-2-.57-4.06-1.07-6.12-1.45-.07,0,0,.18,0,.23A42.29,42.29,0,0,1,33,751.06c1.08.23,15.45,4.08,11.15,5.28a67.3,67.3,0,0,0-13-4.23c-1.95,1.1-3.86,2.25-5.79,3.39.93.19,16.42,3.55,11,4.53a98.17,98.17,0,0,0-12.82-3.48c-5.33,3.17-10.67,6.32-15.93,9.58-2.2,1.36-4.6,2.66-6,4.7A9.46,9.46,0,0,0,1,780c-3.76,16.21,2.88,16.83,18.37,20.24,22,5.62,41-7.86,60.08-15.18,4-1.87,8.39-3.27,12-5.73C94.82,777,97,771.9,94,768.44c2.14-4-.71-13.77-1.39-18.45-.57-3-1-7.71-5.33-7.86,1.17-.76,1.14-2.19.75-3.34-.52-5.66,1.24-15.72,1.67-22.12,3.35.24,8.32,1.22,10.06-2.49a1.6,1.6,0,0,0-1.3-2.37h0c.24,0,.17,0,0,0,17.76-73.31,29.21-148.42,54.85-219.6,5.86-13.75,8.48-31.49,21.59-40.36a6.54,6.54,0,0,0,1.06,3.18l.12.43c.46,1.79,1,3.56,1.43,5.35,10.25,78.93,22.1,157.7,27.79,237.16.86,3.68-.54,16.78,4.61,16.19a8.8,8.8,0,0,0,2.16.7c-1.06,4.73-.76,11.86-.73,16.16s-.79,8.76-.31,13c.55,2.8,5.79,1.12,4.94-1.7a203.41,203.41,0,0,0-2-27,103.6,103.6,0,0,0,24.43,1.57c-.43,4.73,1,10.65,2.6,14.53a38.65,38.65,0,0,0-13.42,7.19c-3.58,3.26-6.87,10.72-13.19,8.25-1.75-.78-3.67-2.13-4.27-3.87-.59-.43-.28.62-.17.87l-.24.08c-1.45-.93-4.12,8.68-4.34,9.88-1.12,5.15-2.41,11,.23,15.82-5.67,2.35-5.06,10-.85,13.23,16.7,10.82,44.56,19.65,65.3,21.13,3.67.25,7.53-.82,11-2,4.1-1.09,8.22-2.27,12.27-3.55,3.58-.82,6.26-3.89,5.82-7.23Z"/><path class="cls-1" d="M189.54,6.08c17,0,34.67,13.21,40.92,21.64,5.25,7.09,8.08,39.14,8.08,60.8,0,4.53,2.5,13.07,1.77,17.4-2.67,15.88-14.32,29.2-37.37,29.2s-39.58-9.14-56.72-33.67c-8.31,0-12.34-6.38-12.4-16.44q-.06-10.07,8-13.72-2.88-39.71,4.37-50C153.48,10.91,172.5,6.08,189.54,6.08Z"/><path class="cls-2" d="M182.37.47c10.76-1.09,21.3-.18,31.91,1.72a1.74,1.74,0,0,1,1.44,1.31c5,.23,10,.6,15,.87a2.36,2.36,0,0,1,2,3.51c-.16.32-.33.63-.51.94l.22-.07a5.89,5.89,0,0,1,4.59,0,4.6,4.6,0,0,1,2.18,5.1,8.35,8.35,0,0,1-.49,1.46,6.32,6.32,0,0,1,1.23,0,4.39,4.39,0,0,1,3.9,4.18c.17,3.34-2,6.74-4.53,9.14a4.27,4.27,0,0,1,.36,2.56,4.94,4.94,0,0,1-3.16,3.57,16.34,16.34,0,0,1,.76,6.31,1.73,1.73,0,0,1-1.36,1.46A99.23,99.23,0,0,1,240.56,64a131.45,131.45,0,0,1,1,15.36q0,3.48-.12,7l0,.87a58.79,58.79,0,0,1-.57,7.61,21.44,21.44,0,0,1,2.41,8.79,27,27,0,0,1-1.33,10.82c-4.32,13-17.34,21.26-30.43,23.39-12.11,2-26.13-.68-33.2-11.68-.11-.18.12-.32.26-.21,5.06,4.12,10.94,6,17.32,6.85,11,1.55,23.44-1.07,32.29-8a25.18,25.18,0,0,0,8.67-13.4,23.84,23.84,0,0,0,.65-8.2c-.28-2.79-1.51-5.16-2.29-7.8a2.37,2.37,0,0,1,.56-2.3c.15-2.14.51-4.29.65-6.42.16-2.42.25-4.85.28-7.27.06-5-.15-10.07-.57-15.08-.77-9.18-2.83-18.13-4-27.22a1.48,1.48,0,0,1-1.75.21l-.07,0-.37-.2h-.07a19.27,19.27,0,0,1-7.5-.85,22,22,0,0,1-6.93-3.58,31.78,31.78,0,0,0-.57,6.08,1.64,1.64,0,0,1-2.43,1.4,102.05,102.05,0,0,1-13.63-8.34c-.51,2.58-1,5.16-1.52,7.75a1.56,1.56,0,0,1-2.28.93,29,29,0,0,1-8.3-7.28c-.46.87-.91,1.74-1.37,2.6l-.69,1.3c-.68,1.28-1.59,2.69-3.09,3.1a2.87,2.87,0,0,1-3.42-2c-.17-.45-.32-.9-.45-1.36A80.75,80.75,0,0,1,173,45.66a117.85,117.85,0,0,1-8.75,12.05c-.94,1.19-2.54.06-2.67-1.1-.08-.68-.14-1.37-.2-2-1.79,3.63-3.67,7.22-5.71,10.7l.29,1.15h0c.85,3.38,1.55,6.79,2.31,10.2.24,1.09-.34,2.66-1.62,2.85-1.54.23-3,1-4.56.47s-2-2.07-2.85-3.47a6.39,6.39,0,0,0-.55-.78l-.06.07h0c-.12.16-.42,0-.35-.21l.09-.22h0a29.39,29.39,0,0,0-2.29-2,8.19,8.19,0,0,0-5.11.77c-2.85,1.68-4.15,5.14-4.18,8.33a21.9,21.9,0,0,0,3.07,11.1,7.73,7.73,0,0,0,3.59,3.29c1.55.62,3.22.43,4.79,1a1.79,1.79,0,0,1,1.05,2.59,2.43,2.43,0,0,1-.14.2l.47.62c.32.43.66.89,1,1.37.8.92,1.64,1.81,2.45,2.71,1.5,1.66,3,3.38,4.44,5.07s2.88,3.09,4.4,4.56,3.23,2.57,4.55,4.06,1.63,4-.48,4.83c-2.34.93-4.41-1.25-6-2.71l-.07-.06a43.91,43.91,0,0,1-7.56-9,6.46,6.46,0,0,1-7,.13,6.14,6.14,0,0,1-2.3-3.31,4.38,4.38,0,0,1-1.12.13c-.19.11-.38.22-.58.32a2.81,2.81,0,0,1-4.08-1.25c-.64-1.53,0-3.26.59-4.74l.11-.3c.33-.84.69-1.76,1.13-2.62a14.17,14.17,0,0,1-3.19-3.4,25.24,25.24,0,0,1-3.84-16.18,14,14,0,0,1,4.35-8.64l-.09-.24h0a35.24,35.24,0,0,1-1.72-5.33,56.13,56.13,0,0,1-.91-6.59,63,63,0,0,1,.26-14,55.26,55.26,0,0,1,8.93-24.45c-1.42-1.7-2.54-3.69-2-6a4.48,4.48,0,0,1,1.8-2.65,15.74,15.74,0,0,1,1.62-.66l.15-.09c.22-.13.05-.12-.08-.72C143.87,9,144.31,6.7,147,5.9c2.5-.75,4.86.85,6.34,2.76,3.87-2.75,9-4.19,13.46-5.41A97.13,97.13,0,0,1,182.37.47Zm-41.83,81a3,3,0,0,1,3.68-2.85,7.53,7.53,0,0,1,3.23,1.7l.47.38a11.48,11.48,0,0,1,3.22,3.22c1,1.93-1.14,4.52-3.17,3.17a12.53,12.53,0,0,1-3.19-3.81l-.1-.14a7.84,7.84,0,0,0-1.34-1.78l-.12-.11a1.62,1.62,0,0,0-.63-.37,1.35,1.35,0,0,0-1.53.6l0,.06A.26.26,0,0,1,140.54,81.42Z"/><path class="cls-2" d="M192,87.77c5-.61,9.84.92,14.72,1.69a67.61,67.61,0,0,0,7.76.82c.53,0,1.05,0,1.58,0a1.39,1.39,0,0,1,.87-1.14,6.7,6.7,0,0,1,3.32-.7,23.33,23.33,0,0,1,3.45.37,10.79,10.79,0,0,1,5.65,2.73c3.5,3.45,3,9,.26,12.76-5.57,7.77-15.76,8.13-24.48,8h-.8c-7.94-.11-19.3,1.07-22.91-8A12.7,12.7,0,0,1,181.88,94C183.81,90.24,187.89,88.26,192,87.77Zm24.81,12.94h-.08q-5.49.21-11,.3c.11.94.22,1.89.35,2.82.1.74.21,1.48.32,2.22a4.2,4.2,0,0,1,.17,1.1l0,.12h0a1.18,1.18,0,0,1,.49.43,1.28,1.28,0,0,1,.11.2,48.52,48.52,0,0,0,8.8-.55v-.06h0a1.16,1.16,0,0,1,.41-.79c.2-1.18.18-2.44.26-3.61C216.67,102.16,216.72,101.43,216.78,100.71Zm-13.86.35c-2.64,0-5.27.08-7.91,0l-1.2,0h0c.25,1.36.53,2.71.76,4.08a2,2,0,0,1-2.1,2.29l.36.06a72.84,72.84,0,0,0,10.35.34,22.29,22.29,0,0,1-.14-3.19v-.14C203,103.37,202.94,102.22,202.92,101.06ZM185,100.81a7.77,7.77,0,0,0,.54,2c1.12,2.72,3.71,4,6.44,4.52a1.42,1.42,0,0,1-.95-1.23,39.16,39.16,0,0,1-.33-5.08C188.8,101,186.88,101,185,100.81Zm41.7-.58a23.53,23.53,0,0,1-4.26.24c-1.24.06-2.49.1-3.74.15l.18,2.56a29.15,29.15,0,0,0,.3,3.35,13.28,13.28,0,0,0,6.44-4.42A8.23,8.23,0,0,0,226.7,100.23Zm-35.3-8A8.28,8.28,0,0,0,185.86,96a7.86,7.86,0,0,0-.92,4.11c1.91-.22,3.85-.31,5.78-.38,0-.34,0-.69,0-1l0-.88A21,21,0,0,1,191.4,92.22Zm11.68.21-1-.11a47,47,0,0,0-8.28-.46c-.4,0-.8.08-1.21.13a36.74,36.74,0,0,1,.65,5.57c.08.68.18,1.35.29,2l.48,0h0c3-.16,5.92-.26,8.89-.38,0-.55,0-1.11,0-1.67v-.56A38.25,38.25,0,0,1,203.08,92.43Zm13.86-.22a55.91,55.91,0,0,1-8.72.56c-1.13,0-2.27-.06-3.4-.16.08.6.11,1.21.17,1.8.11,1.21.24,2.41.38,3.6l.12,1h0c3.64-.16,7.29-.34,10.93-.53l.51,0h0l.14-2c.1-1.34.21-2.69.36-4l-.11,0h0A1.76,1.76,0,0,1,216.94,92.21Zm1.25.5c.16,1.9.25,3.8.37,5.71l2.4-.13,1.2-.07c1.55-.09,3.55-.56,5.09-.12a4,4,0,0,0-1.55-3.7C223.49,92.75,220.67,93.34,218.19,92.71Zm-8.2-17c3.57-2,12.54-4.14,13.11,2.29.26,3-1.94,5.41-4.51,6.51l-.09,0c-2.42,1-6.69,2.11-8.77,0-1.74-1.79.56-5,2.72-3.53,1.11.75,3.44.2,4.68-.16l.08,0c1.33-.4,3.11-1.65,2.56-3.3-.49-1.45-2.57-1.72-3.87-1.76a50.74,50.74,0,0,0-5.76.53A.3.3,0,0,1,210,75.72ZM224.8,65.37c4.85-.23,7.87,5.07,6.75,9.41a1.9,1.9,0,0,1-1.84,1.4l-.2,0a1.54,1.54,0,0,1-.31,0,1.94,1.94,0,0,1-1.4-1.84l0-.24c.11-2-.11-4.41-2.55-4.91-2.06-.42-3.22,1.57-3.24,3.4a.44.44,0,0,1-.66.38,3.44,3.44,0,0,1-1.18-4.27A5,5,0,0,1,224.8,65.37Zm-36,1.14a7.75,7.75,0,0,1,9,3.82A1.35,1.35,0,0,1,199,71.68a3.74,3.74,0,0,1-1,2.43,2.2,2.2,0,0,1-3.63-.9l0-.06a3.61,3.61,0,0,0-4.56-2.52c-2.25.78-2.19,3.16-3.77,4.55a.54.54,0,0,1-.63.08c-1.68-.81-1.38-3.25-.78-4.65A7.35,7.35,0,0,1,188.8,66.51ZM184,55.79c2.86-2.92,10.32-5.75,12.28-.36a2.16,2.16,0,0,1-1.49,2.63c-1.75.35-3.31-.41-5.05-.28a7.56,7.56,0,0,0-4,1.46c-3.12,2.41-3.8,6.5-6,9.57a.18.18,0,0,1-.33-.09A17,17,0,0,1,184,55.79Zm37.31-2.88a9.53,9.53,0,0,1,5.95,0,11.42,11.42,0,0,1,5.05,3.22A13.1,13.1,0,0,1,234,58.33c.24.42.49,1.29.77,1.81a2.68,2.68,0,0,1,.8,4.23l-.06.06-.18.18a2.91,2.91,0,0,1-2.79.74c-2.2-.64-2.47-2.37-3.23-4.21a7.56,7.56,0,0,0-2.4-3.08,11.6,11.6,0,0,0-9.49-1.58c-.16.05-.34-.15-.23-.3a8.78,8.78,0,0,1,1.64-1.91A8.91,8.91,0,0,1,221.3,52.91Z"/></g></g></svg>
\ No newline at end of file diff --git a/Resources/assets/résumé.pdf b/Resources/assets/résumé.pdfBinary files differ new file mode 100644 index 0000000..8931b18 --- /dev/null +++ b/Resources/assets/résumé.pdf diff --git a/Resources/assets/sakura.css b/Resources/assets/sakura.css new file mode 100644 index 0000000..61c929e --- /dev/null +++ b/Resources/assets/sakura.css @@ -0,0 +1,186 @@ +/* Sakura.css v1.3.0 + * ================ + * Minimal css theme. + * Project: https://github.com/oxalorg/sakura/ + */ +/* Body */ +html { +  font-size: 62.5%; +  font-family: -apple-system, BlinkMacSystemFont, "Segoe UI", Roboto, "Helvetica Neue", Arial, "Noto Sans", sans-serif; } + +body { +  font-size: 1.8rem; +  line-height: 1.618; +  max-width: 38em; +  margin: auto; +  color: #4a4a4a; +  background-color: #f9f9f9; +  padding: 13px; } + +@media (max-width: 684px) { +  body { +    font-size: 1.53rem; } } + +@media (max-width: 382px) { +  body { +    font-size: 1.35rem; } } + +h1, h2, h3, h4, h5, h6 { +  line-height: 1.1; +  font-family: -apple-system, BlinkMacSystemFont, "Segoe UI", Roboto, "Helvetica Neue", Arial, "Noto Sans", sans-serif; +  font-weight: 700; +  margin-top: 3rem; +  margin-bottom: 1.5rem; +  overflow-wrap: break-word; +  word-wrap: break-word; +  -ms-word-break: break-all; +  word-break: break-word; +  -ms-hyphens: auto; +  -moz-hyphens: auto; +  -webkit-hyphens: auto; +  hyphens: auto; } + +h1 { +  font-size: 2.35em; } + +h2 { +  font-size: 2.00em; } + +h3 { +  font-size: 1.75em; } + +h4 { +  font-size: 1.5em; } + +h5 { +  font-size: 1.25em; } + +h6 { +  font-size: 1em; } + +p { +  margin-top: 0px; +  margin-bottom: 2.5rem; } + +small, sub, sup { +  font-size: 75%; } + +hr { +  border-color: #2c8898; } + +a { +  text-decoration: none; +  color: #2c8898; } +  a:hover { +    color: #982c61; +    border-bottom: 2px solid #4a4a4a; } + +ul { +  padding-left: 1.4em; +  margin-top: 0px; +  margin-bottom: 2.5rem; } + +li { +  margin-bottom: 0.4em; } + +blockquote { +  margin-left: 0px; +  margin-right: 0px; +  padding-left: 1em; +  padding-top: 0.8em; +  padding-bottom: 0.8em; +  padding-right: 0.8em; +  border-left: 5px solid #2c8898; +  margin-bottom: 2.5rem; +  background-color: #f1f1f1; } + +blockquote p { +  margin-bottom: 0; } + +img { +  height: auto; +  max-width: 100%; +  margin-top: 0px; +  margin-bottom: 2.5rem; } + +/* Pre and Code */ +pre { +  background-color: #f1f1f1; +  display: block; +  padding: 1em; +  overflow-x: auto; +  margin-top: 0px; +  margin-bottom: 2.5rem; } + +code { +  font-size: 0.9em; +  padding: 0 0.5em; +  background-color: #f1f1f1; +  white-space: pre-wrap; } + +pre > code { +  padding: 0; +  background-color: transparent; +  white-space: pre; } + +/* Tables */ +table { +  text-align: justify; +  width: 100%; +  border-collapse: collapse; } + +td, th { +  padding: 0.5em; +  border-bottom: 1px solid #f1f1f1; } + +/* Buttons, forms and input */ +input, textarea { +  border: 1px solid #4a4a4a; } +  input:focus, textarea:focus { +    border: 1px solid #2c8898; } + +textarea { +  width: 100%; } + +.button, button, input[type="submit"], input[type="reset"], input[type="button"] { +  display: inline-block; +  padding: 5px 10px; +  text-align: center; +  text-decoration: none; +  white-space: nowrap; +  background-color: #2c8898; +  color: #f9f9f9; +  border-radius: 1px; +  border: 1px solid #2c8898; +  cursor: pointer; +  box-sizing: border-box; } +  .button[disabled], button[disabled], input[type="submit"][disabled], input[type="reset"][disabled], input[type="button"][disabled] { +    cursor: default; +    opacity: .5; } +  .button:focus:enabled, .button:hover:enabled, button:focus:enabled, button:hover:enabled, input[type="submit"]:focus:enabled, input[type="submit"]:hover:enabled, input[type="reset"]:focus:enabled, input[type="reset"]:hover:enabled, input[type="button"]:focus:enabled, input[type="button"]:hover:enabled { +    background-color: #982c61; +    border-color: #982c61; +    color: #f9f9f9; +    outline: 0; } + +textarea, select, input[type] { +  color: #4a4a4a; +  padding: 6px 10px; +  /* The 6px vertically centers text on FF, ignored by Webkit */ +  margin-bottom: 10px; +  background-color: #f1f1f1; +  border: 1px solid #f1f1f1; +  border-radius: 4px; +  box-shadow: none; +  box-sizing: border-box; } +  textarea:focus, select:focus, input[type]:focus { +    border: 1px solid #2c8898; +    outline: 0; } + +input[type="checkbox"]:focus { +  outline: 1px dotted #2c8898; } + +label, legend, fieldset { +  display: block; +  margin-bottom: .5rem; +  font-weight: 600; } diff --git a/Resources/googlecb0897d479c87d97.html b/Resources/googlecb0897d479c87d97.html new file mode 100644 index 0000000..5907da5 --- /dev/null +++ b/Resources/googlecb0897d479c87d97.html @@ -0,0 +1 @@ +google-site-verification: googlecb0897d479c87d97.html
\ No newline at end of file diff --git a/Resources/images/04d0580b-d347-476a-232d-9568839851cd.webPlatform.png b/Resources/images/04d0580b-d347-476a-232d-9568839851cd.webPlatform.pngBinary files differ new file mode 100644 index 0000000..c277bbc --- /dev/null +++ b/Resources/images/04d0580b-d347-476a-232d-9568839851cd.webPlatform.png diff --git a/Resources/images/14a6e126-4866-93de-8df5-e0e6a3c65da1.webPlatform.png b/Resources/images/14a6e126-4866-93de-8df5-e0e6a3c65da1.webPlatform.pngBinary files differ new file mode 100644 index 0000000..643a2bd --- /dev/null +++ b/Resources/images/14a6e126-4866-93de-8df5-e0e6a3c65da1.webPlatform.png diff --git a/Resources/images/15294abc-6c7c-ffb8-df8d-d2fad23f50b0.webPlatform.png b/Resources/images/15294abc-6c7c-ffb8-df8d-d2fad23f50b0.webPlatform.pngBinary files differ new file mode 100644 index 0000000..1dcb03d --- /dev/null +++ b/Resources/images/15294abc-6c7c-ffb8-df8d-d2fad23f50b0.webPlatform.png diff --git a/Resources/images/6b5f7f70-557f-0e4b-3d76-127534525db9.webPlatform.png b/Resources/images/6b5f7f70-557f-0e4b-3d76-127534525db9.webPlatform.pngBinary files differ new file mode 100644 index 0000000..02e58c4 --- /dev/null +++ b/Resources/images/6b5f7f70-557f-0e4b-3d76-127534525db9.webPlatform.png diff --git a/Resources/images/82e24f17-2e71-90d8-67a7-587163282ebf.webPlatform.png b/Resources/images/82e24f17-2e71-90d8-67a7-587163282ebf.webPlatform.pngBinary files differ new file mode 100644 index 0000000..cc36571 --- /dev/null +++ b/Resources/images/82e24f17-2e71-90d8-67a7-587163282ebf.webPlatform.png diff --git a/Resources/images/8c0ffe9e-b615-96cd-3e18-ab4307c859a0.webPlatform.png b/Resources/images/8c0ffe9e-b615-96cd-3e18-ab4307c859a0.webPlatform.pngBinary files differ new file mode 100644 index 0000000..76e34bc --- /dev/null +++ b/Resources/images/8c0ffe9e-b615-96cd-3e18-ab4307c859a0.webPlatform.png diff --git a/Resources/images/9384518b-2a6c-0abc-136c-8c8faf49c71b.webPlatform.png b/Resources/images/9384518b-2a6c-0abc-136c-8c8faf49c71b.webPlatform.pngBinary files differ new file mode 100644 index 0000000..f659b0b --- /dev/null +++ b/Resources/images/9384518b-2a6c-0abc-136c-8c8faf49c71b.webPlatform.png diff --git a/Resources/images/9bf4aee8-92e3-932f-5388-7731928b5692.webPlatform.png b/Resources/images/9bf4aee8-92e3-932f-5388-7731928b5692.webPlatform.pngBinary files differ new file mode 100644 index 0000000..31c4507 --- /dev/null +++ b/Resources/images/9bf4aee8-92e3-932f-5388-7731928b5692.webPlatform.png diff --git a/Resources/images/9dc22996-fd1b-b2d3-3627-cef4fa224e25.webPlatform.png b/Resources/images/9dc22996-fd1b-b2d3-3627-cef4fa224e25.webPlatform.pngBinary files differ new file mode 100644 index 0000000..baf1814 --- /dev/null +++ b/Resources/images/9dc22996-fd1b-b2d3-3627-cef4fa224e25.webPlatform.png diff --git a/Resources/images/afd91c53-cfd0-b52e-ca49-1db0cc292b7d.webPlatform.png b/Resources/images/afd91c53-cfd0-b52e-ca49-1db0cc292b7d.webPlatform.pngBinary files differ new file mode 100644 index 0000000..adbf1a3 --- /dev/null +++ b/Resources/images/afd91c53-cfd0-b52e-ca49-1db0cc292b7d.webPlatform.png diff --git a/Resources/images/b0cac729-56cb-2a63-7e8b-ac62a038a023.webPlatform.png b/Resources/images/b0cac729-56cb-2a63-7e8b-ac62a038a023.webPlatform.pngBinary files differ new file mode 100644 index 0000000..7cfe2a7 --- /dev/null +++ b/Resources/images/b0cac729-56cb-2a63-7e8b-ac62a038a023.webPlatform.png diff --git a/Resources/images/bb0aca46-4612-c284-055f-58850c0730bd.webPlatform.png b/Resources/images/bb0aca46-4612-c284-055f-58850c0730bd.webPlatform.pngBinary files differ new file mode 100644 index 0000000..a5be51a --- /dev/null +++ b/Resources/images/bb0aca46-4612-c284-055f-58850c0730bd.webPlatform.png diff --git a/Resources/images/c5840a63-85f5-62b0-c68f-2faa4aaea42b.webPlatform.png b/Resources/images/c5840a63-85f5-62b0-c68f-2faa4aaea42b.webPlatform.pngBinary files differ new file mode 100644 index 0000000..bbc54fc --- /dev/null +++ b/Resources/images/c5840a63-85f5-62b0-c68f-2faa4aaea42b.webPlatform.png diff --git a/Resources/images/cbac5b1d-0299-9db6-3747-c7aeaaaa37d0.webPlatform.png b/Resources/images/cbac5b1d-0299-9db6-3747-c7aeaaaa37d0.webPlatform.pngBinary files differ new file mode 100644 index 0000000..80c3c4f --- /dev/null +++ b/Resources/images/cbac5b1d-0299-9db6-3747-c7aeaaaa37d0.webPlatform.png diff --git a/Resources/images/e429a798-7e86-1f02-565e-39dfab41fe36.webPlatform.png b/Resources/images/e429a798-7e86-1f02-565e-39dfab41fe36.webPlatform.pngBinary files differ new file mode 100644 index 0000000..f1bc144 --- /dev/null +++ b/Resources/images/e429a798-7e86-1f02-565e-39dfab41fe36.webPlatform.png diff --git a/Resources/images/f1579c61-f17f-ff49-3f97-e942f202bebf.webPlatform.png b/Resources/images/f1579c61-f17f-ff49-3f97-e942f202bebf.webPlatform.pngBinary files differ new file mode 100644 index 0000000..aad0184 --- /dev/null +++ b/Resources/images/f1579c61-f17f-ff49-3f97-e942f202bebf.webPlatform.png diff --git a/Resources/images/f178697f-630b-bafd-7c7d-e1287b98a969.webPlatform.png b/Resources/images/f178697f-630b-bafd-7c7d-e1287b98a969.webPlatform.pngBinary files differ new file mode 100644 index 0000000..d4c320d --- /dev/null +++ b/Resources/images/f178697f-630b-bafd-7c7d-e1287b98a969.webPlatform.png diff --git a/Resources/images/f400aaaa-861c-78c0-0919-07a886e57304.webPlatform.png b/Resources/images/f400aaaa-861c-78c0-0919-07a886e57304.webPlatform.pngBinary files differ new file mode 100644 index 0000000..bb5762e --- /dev/null +++ b/Resources/images/f400aaaa-861c-78c0-0919-07a886e57304.webPlatform.png diff --git a/Resources/images/f7842765-fff5-aa39-9f7f-fdd3024d4056.webPlatform.png b/Resources/images/f7842765-fff5-aa39-9f7f-fdd3024d4056.webPlatform.pngBinary files differ new file mode 100644 index 0000000..ea79c57 --- /dev/null +++ b/Resources/images/f7842765-fff5-aa39-9f7f-fdd3024d4056.webPlatform.png diff --git a/Resources/images/favicon.png b/Resources/images/favicon.pngBinary files differ new file mode 100644 index 0000000..ce3a263 --- /dev/null +++ b/Resources/images/favicon.png diff --git a/Resources/images/logo.png b/Resources/images/logo.pngBinary files differ new file mode 100644 index 0000000..caaf43c --- /dev/null +++ b/Resources/images/logo.png diff --git a/Resources/images/me.jpeg b/Resources/images/me.jpegBinary files differ new file mode 100644 index 0000000..cf70e23 --- /dev/null +++ b/Resources/images/me.jpeg diff --git a/Resources/manifest.json b/Resources/manifest.json new file mode 100644 index 0000000..bb4ec5d --- /dev/null +++ b/Resources/manifest.json @@ -0,0 +1,119 @@ +{ +    "dir": "ltr", +    "lang": "en", +    "name": "Hi! | Navan Chauhan", +    "scope": "/", +    "display": "fullscreen", +    "start_url": "https://navanchauhan.github.io/", +    "short_name": "Navan Chauhan", +    "theme_color": "black", +    "description": "Welcome to my personal fragment of the internet.", +    "orientation": "any", +    "background_color": "transparent", +    "related_applications": [], +    "prefer_related_applications": false, +    "icons": [ +        { +            "src": "/images/favicon.png", +            "type": "image/png", +            "sizes": "32x32" +        }, +        { +            "src": "/images/14a6e126-4866-93de-8df5-e0e6a3c65da1.webPlatform.png", +            "sizes": "44x44", +            "type": "image/png" +        }, +        { +            "src": "/images/6b5f7f70-557f-0e4b-3d76-127534525db9.webPlatform.png", +            "sizes": "48x48", +            "type": "image/png" +        }, +        { +            "src": "/images/c5840a63-85f5-62b0-c68f-2faa4aaea42b.webPlatform.png", +            "sizes": "1240x600", +            "type": "image/png" +        }, +        { +            "src": "/images/82e24f17-2e71-90d8-67a7-587163282ebf.webPlatform.png", +            "sizes": "300x300", +            "type": "image/png" +        }, +        { +            "src": "/images/f7842765-fff5-aa39-9f7f-fdd3024d4056.webPlatform.png", +            "sizes": "150x150", +            "type": "image/png" +        }, +        { +            "src": "/images/9384518b-2a6c-0abc-136c-8c8faf49c71b.webPlatform.png", +            "sizes": "88x88", +            "type": "image/png" +        }, +        { +            "src": "/images/15294abc-6c7c-ffb8-df8d-d2fad23f50b0.webPlatform.png", +            "sizes": "24x24", +            "type": "image/png" +        }, +        { +            "src": "/images/f178697f-630b-bafd-7c7d-e1287b98a969.webPlatform.png", +            "sizes": "50x50", +            "type": "image/png" +        }, +        { +            "src": "/images/f400aaaa-861c-78c0-0919-07a886e57304.webPlatform.png", +            "sizes": "620x300", +            "type": "image/png" +        }, +        { +            "src": "/images/8c0ffe9e-b615-96cd-3e18-ab4307c859a0.webPlatform.png", +            "sizes": "192x192", +            "type": "image/png" +        }, +        { +            "src": "/images/f1579c61-f17f-ff49-3f97-e942f202bebf.webPlatform.png", +            "sizes": "144x144", +            "type": "image/png" +        }, +        { +            "src": "/images/9bf4aee8-92e3-932f-5388-7731928b5692.webPlatform.png", +            "sizes": "96x96", +            "type": "image/png" +        }, +        { +            "src": "/images/9dc22996-fd1b-b2d3-3627-cef4fa224e25.webPlatform.png", +            "sizes": "72x72", +            "type": "image/png" +        }, +        { +            "src": "/images/afd91c53-cfd0-b52e-ca49-1db0cc292b7d.webPlatform.png", +            "sizes": "36x36", +            "type": "image/png" +        }, +        { +            "src": "/images/e429a798-7e86-1f02-565e-39dfab41fe36.webPlatform.png", +            "sizes": "1024x1024", +            "type": "image/png" +        }, +        { +            "src": "/images/04d0580b-d347-476a-232d-9568839851cd.webPlatform.png", +            "sizes": "180x180", +            "type": "image/png" +        }, +        { +            "src": "/images/cbac5b1d-0299-9db6-3747-c7aeaaaa37d0.webPlatform.png", +            "sizes": "152x152", +            "type": "image/png" +        }, +        { +            "src": "/images/b0cac729-56cb-2a63-7e8b-ac62a038a023.webPlatform.png", +            "sizes": "120x120", +            "type": "image/png" +        }, +        { +            "src": "/images/bb0aca46-4612-c284-055f-58850c0730bd.webPlatform.png", +            "sizes": "76x76", +            "type": "image/png" +        } +    ], +    "url": "https://navanchauhan.github.io", +    "screenshots": [] +} diff --git a/Resources/pwabuilder-sw-register.js b/Resources/pwabuilder-sw-register.js new file mode 100644 index 0000000..8850330 --- /dev/null +++ b/Resources/pwabuilder-sw-register.js @@ -0,0 +1,19 @@ +// This is the service worker with the Cache-first network
 +
 +// Add this below content to your HTML page, or add the js file to your page at the very top to register service worker
 +
 +// Check compatibility for the browser we're running this in
 +if ("serviceWorker" in navigator) {
 +  if (navigator.serviceWorker.controller) {
 +    console.log("[PWA Builder] active service worker found, no need to register");
 +  } else {
 +    // Register the service worker
 +    navigator.serviceWorker
 +      .register("/pwabuilder-sw.js", {
 +        scope: "./"
 +      })
 +      .then(function (reg) {
 +        console.log("[PWA Builder] Service worker has been registered for scope: " + reg.scope);
 +      });
 +  }
 +}
 diff --git a/Resources/pwabuilder-sw.js b/Resources/pwabuilder-sw.js new file mode 100644 index 0000000..0684da5 --- /dev/null +++ b/Resources/pwabuilder-sw.js @@ -0,0 +1,83 @@ +// This is the service worker with the Cache-first network
 +
 +const CACHE = "pwabuilder-precache";
 +const precacheFiles = [
 +  /* Add an array of files to precache for your app */
 +];
 +
 +self.addEventListener("install", function (event) {
 +  console.log("[PWA Builder] Install Event processing");
 +
 +  console.log("[PWA Builder] Skip waiting on install");
 +  self.skipWaiting();
 +
 +  event.waitUntil(
 +    caches.open(CACHE).then(function (cache) {
 +      console.log("[PWA Builder] Caching pages during install");
 +      return cache.addAll(precacheFiles);
 +    })
 +  );
 +});
 +
 +// Allow sw to control of current page
 +self.addEventListener("activate", function (event) {
 +  console.log("[PWA Builder] Claiming clients for current page");
 +  event.waitUntil(self.clients.claim());
 +});
 +
 +// If any fetch fails, it will look for the request in the cache and serve it from there first
 +self.addEventListener("fetch", function (event) { 
 +  if (event.request.method !== "GET") return;
 +
 +  event.respondWith(
 +    fromCache(event.request).then(
 +      function (response) {
 +        // The response was found in the cache so we responde with it and update the entry
 +
 +        // This is where we call the server to get the newest version of the
 +        // file to use the next time we show view
 +        event.waitUntil(
 +          fetch(event.request).then(function (response) {
 +            return updateCache(event.request, response);
 +          })
 +        );
 +
 +        return response;
 +      },
 +      function () {
 +        // The response was not found in the cache so we look for it on the server
 +        return fetch(event.request)
 +          .then(function (response) {
 +            // If request was success, add or update it in the cache
 +            event.waitUntil(updateCache(event.request, response.clone()));
 +
 +            return response;
 +          })
 +          .catch(function (error) {
 +            console.log("[PWA Builder] Network request failed and no cache." + error);
 +          });
 +      }
 +    )
 +  );
 +});
 +
 +function fromCache(request) {
 +  // Check to see if you have it in the cache
 +  // Return response
 +  // If not in the cache, then return
 +  return caches.open(CACHE).then(function (cache) {
 +    return cache.match(request).then(function (matching) {
 +      if (!matching || matching.status === 404) {
 +        return Promise.reject("no-match");
 +      }
 +
 +      return matching;
 +    });
 +  });
 +}
 +
 +function updateCache(request, response) {
 +  return caches.open(CACHE).then(function (cache) {
 +    return cache.put(request, response);
 +  });
 +}
 diff --git a/generate_me.py b/generate_me.py new file mode 100644 index 0000000..200da8e --- /dev/null +++ b/generate_me.py @@ -0,0 +1,105 @@ +from markdown2 import Markdown +import os +from jinja2 import Environment, FileSystemLoader +from distutils.dir_util import copy_tree +import datetime +import email.utils + +templates = Environment(loader=FileSystemLoader("templates")) +src_folder = "Content" +out_folder = "docs" +resources_folder = "Resources" +base_link = "https://web.navan.dev/" +f_title = "Navan's Archive" +f_description = "Rare Tips, Tricks and Posts" +f_date = email.utils.format_datetime(datetime.datetime.now())  + +md = Markdown(extras=["fenced-code-blocks","metadata","task_list","tables","target-blank-links"]) + +def render_markdown_post(html,metadata=None,template="post.html",posts=[]): +	global templates + +	if len(posts) != 0: +		posts = sorted(posts,key=lambda i:i["date"],reverse=True) +	return templates.get_template(template).render(content=html,posts=posts) + +def create_folder_ifnot(folder_name): +	if not os.path.exists(folder_name): +		os.mkdir(folder_name) + +post_collection_dict = {} +post_collection = [] +post_collection_html = [] +index_pages_to_generate = [] + +create_folder_ifnot(out_folder) +copy_tree(resources_folder,out_folder) + +first_run = True +for x in os.walk(src_folder): +	#print(x) +	if first_run: +		for y in x[-1]: +			if y != ".DS_Store": +				fpath = os.path.join(x[0],y) +				with open(fpath) as f: +					index_pages_to_generate.append(fpath)	 +		first_run = False +	else: +		if len(x[1]) == 0: +			create_folder_ifnot(x[0].replace(src_folder,out_folder)) +			print("No sub folder") +			print("Posts in {}".format(x[0])) +			tmp_array = [] +			for y in x[2]: +				if y not in ("index.md",".DS_Store"): +					fpath = os.path.join(x[0],y) +					with open(fpath) as f: +						_html = md.convert(f.read()) +						_post_title = _html[4:_html.find("</h1>")] +						_post = _html.metadata +						_post["title"] = _post_title +						_post["link"] = fpath.replace(src_folder,"").replace("md","html") +						_post["tags"] = [x.strip() for x in _post["tags"].split(",")] + +						tmp_array.append(_post) +						post_collection.append(_post) +						_html.metadata = _post +						post_collection_html.append(_html) +					#print(fpath) +					#print(render_markdown_post(fpath)) +					with open(fpath.replace(src_folder,out_folder).replace("md","html"),"w") as f: +						f.write(render_markdown_post(_html))	 +				elif y=="index.md": +					fpath = os.path.join(x[0],y) +					with open(fpath) as f: +						index_pages_to_generate.append(fpath) + +			post_collection_dict[x[0].replace("{}/".format(src_folder),"")] = tmp_array +		else: +			print("Multiple Sub-Folders not Supported") + +#print(sorted(post_collection,key=lambda i:i["date"])) + +for fpath in index_pages_to_generate: +	with open(fpath) as f: +		_html = md.convert(f.read()) +		try: +			page = render_markdown_post(_html,template="section.html",posts=post_collection_dict[ +				fpath.replace("{}/".format(src_folder),"").replace("/index.md","") +			]) +		except KeyError: +			page = render_markdown_post(_html, template="index.html",posts=post_collection) + +	with open(fpath.replace(src_folder,out_folder).replace("md","html"),"w") as f: +		f.write(page) + +for post in post_collection_html: +	post.metadata["link"] = "https://web.navan.dev" + post.metadata["link"] +	post.metadata["date"] = email.utils.format_datetime(datetime.datetime.strptime(post.metadata["date"],"%Y-%m-%d %H:%M"))  + + +with open(os.path.join(out_folder,"feed.rss"),"w") as f: +	f.write(templates.get_template("feed.rss").render(feed={ +	"title":f_title,"date":f_date,"description":f_description,"link":base_link +	},posts=post_collection_html))
\ No newline at end of file diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000..1cc61f6 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,2 @@ +jinja2 +markdown2 diff --git a/templates/base.html b/templates/base.html new file mode 100644 index 0000000..0dc51e0 --- /dev/null +++ b/templates/base.html @@ -0,0 +1,19 @@ +<!DOCTYPE html> +<html lang="en"> +<head> +    {% block head %} +    <link rel="stylesheet" href="/assets/main.css" /> +    <link rel="stylesheet" href="/assets/sakura.css" /> +    <meta charset="utf-8"> +    <meta name="viewport" content="width=device-width, initial-scale=1.0"> +    <title>Hey - {% block title %}{% endblock %}</title> +    {% endblock %} +</head> +<body> +    {% include "header.html" %} +    {% block body %}{% endblock %} + +<script src="assets/manup.min.js"></script> +<script src="/pwabuilder-sw-register.js"></script>     +</body> +</html>
\ No newline at end of file diff --git a/templates/feed.rss b/templates/feed.rss new file mode 100644 index 0000000..275168a --- /dev/null +++ b/templates/feed.rss @@ -0,0 +1,27 @@ +<?xml version="1.0" encoding="UTF-8"?> +<rss version="2.0" xmlns:atom="http://www.w3.org/2005/Atom" xmlns:content="http://purl.org/rss/1.0/modules/content"> +	<channel> +		<title>{{ feed.title}}</title> +		<description>{{ feed.description }}</description> +		<link>{{ feed.link }}</link><language>en</language> +		<lastBuildDate>{{ feed.date }}</lastBuildDate> +		<pubDate>{{ feed.date }}</pubDate> +		<ttl>250</ttl> +		<atom:link href="https://web.navan.dev/feed.rss" rel="self" type="application/rss+xml"/> +		{% for post in posts %} +		<item> +			<guid isPermaLink="true"> +				{{post.metadata.link}} +			</guid> +			<title> +				{{post.metadata.title}} +			</title> +			<description> +				{{post.metadata.description}} +			</description> +			<link>{{post.metadata.link}}</link> +			<pubDate>{{post.metadata.date}}</pubDate> +			<content:encoded><![CDATA[{{post}}]]></content:encoded> +		</item> +		{% endfor %} +</channel></rss>
\ No newline at end of file diff --git a/templates/head_tag.html b/templates/head_tag.html new file mode 100644 index 0000000..1f906f4 --- /dev/null +++ b/templates/head_tag.html @@ -0,0 +1,31 @@ +<head> +	<title>Hi! | {% block title %}{% endblock %}</title> +	 +	<!--<link rel="stylesheet" href="https://unpkg.com/mvp.css">--> +	<!--<link rel="stylesheet" href="https://cdn.jsdelivr.net/npm/spcss@0.7.0">--> +	<!--<link rel="stylesheet" href="https://unpkg.com/sakura.css/css/sakura.css" type="text/css">--> +	<link rel="stylesheet" href="/assets/main.css"> + +	<link rel="stylesheet" href="/assets/sakura.css"> +	<meta charset="utf-8"> +	<meta name="viewport" content="width=device-width, initial-scale=1.0"> +    <meta name="og:site_name" content="Navan Chauhan" /> +    <link rel="canonical" href="https://navanchauhan.github.io/" /> +    <meta name="twitter:url" content="https://navanchauhan.github.io/" /> +    <meta name="og:url" content="https://navanchauhan.github.io/" /> +    <meta name="twitter:title" content="👋 Hi! | Navan Chauhan" /> +    <meta name="og:title" content="👋 Hi! | Navan Chauhan" /> +    <meta name="description" content="Welcome to my personal fragment of the internet. Majority of the posts should be complete." /> +    <meta name="twitter:description" content="Welcome to my personal fragment of the internet. Majority of the posts should be complete." /> +    <meta name="og:description" content="Welcome to my personal fragment of the internet. Majority of the posts should be complete." /> +    <meta name="twitter:card" content="summary" /> +    <link rel="stylesheet" href="/styles.css" type="text/css" /> +    <meta name="viewport" content="width=device-width, initial-scale=1.0" /> +    <link rel="shortcut icon" href="/images/favicon.png" type="image/png" /> +    <link rel="alternate" href="/feed.rss" type="application/rss+xml" title="Subscribe to Navan Chauhan" /> +    <meta name="twitter:image" content="https://navanchauhan.github.io/images/logo.png" /> +    <meta name="og:image" content="https://navanchauhan.github.io/images/logo.png" /> +    <link rel="manifest" href="manifest.json" /> +    <meta name="google-site-verification" content="LVeSZxz-QskhbEjHxOi7-BM5dDxTg53x2TwrjFxfL0k" /> +    <script async src="//gc.zgo.at/count.js" data-goatcounter="https://navanchauhan.goatcounter.com/count"></script> +</head>
\ No newline at end of file diff --git a/templates/header.html b/templates/header.html new file mode 100644 index 0000000..fb7277a --- /dev/null +++ b/templates/header.html @@ -0,0 +1,9 @@ +<nav style="display: block;"> +| +<a href="/">home</a> | +<a href="/about/">about/links</a> | +<a href="/posts/">posts</a> | +<a href="/publications/">publications</a> | +<a href="/repo/">iOS repo</a> | +<a href="/rss.xml">RSS Feed</a> | +</nav>
\ No newline at end of file diff --git a/templates/index.html b/templates/index.html new file mode 100644 index 0000000..cc66cd3 --- /dev/null +++ b/templates/index.html @@ -0,0 +1,24 @@ +{% extends "base.html" %} +{% block title %}Home{% endblock %} + +{% block body %} + +<main> +	{{ content}} + +<ul> +{% for post in posts %} +	<li><a href="{{post.link}}">{{ post.title }}</a></li> +	<ul> +		<li>{{ post.description}}</li> +		<li>Published On: {{post.date}}</li> +		<li>Tags:  +			{% for tag in post.tags %} +			{{ tag }}, +			{% endfor %} +	</ul> + +{% endfor %} +</ul> +</main> +{% endblock %}
\ No newline at end of file diff --git a/templates/post.html b/templates/post.html new file mode 100644 index 0000000..596ded2 --- /dev/null +++ b/templates/post.html @@ -0,0 +1,8 @@ +{% extends "base.html" %} +{% block title %}Post{% endblock %} + +{% block body %} +<main> +	{{ content}} +</main> +{% endblock %}
\ No newline at end of file diff --git a/templates/section.html b/templates/section.html new file mode 100644 index 0000000..2a9e863 --- /dev/null +++ b/templates/section.html @@ -0,0 +1,25 @@ +{% extends "base.html" %} +{% block title %}Section{% endblock %} + +{% block body %} + +<main> +	{{ content}} +</main> + +<ul> +{% for post in posts %} +	<li><a href="{{post.link}}">{{ post.title }}</a></li> +	<ul> +		<li>{{ post.description}}</li> +		<li>Published On: {{post.date}}</li> +		<li>Tags:  +			{% for tag in post.tags %} +			{{ tag }}, +			{% endfor %} +	</ul> + +{% endfor %} +</ul> + +{% endblock %}
\ No newline at end of file | 
