Posts by Year

2020

2019

Keras Image Generator

1 minute read

```python from keras.datasets import mnist from keras.utils import to_categorical from keras.models import Sequential from keras.layers import Conv2D from ke...

Nvidia Self Driving Car Model

4 minute read

```python import socketio import eventlet import numpy as np from flask import Flask from keras.models import load_model import base64 from io import BytesIO...

Pandas resample

less than 1 minute read

Alias Description B business day frequency C custom business day frequency (experimental) D calendar day frequency W weekly frequency M month en...

quiz

less than 1 minute read

```python count = 0

Knight Tour

less than 1 minute read

```python def knightTour(nlevel,vertex,limit,path): vertex.setColor(“visited”) path.append(vertex)

Ganstockpredic

less than 1 minute read

title: “GAN predict next state” date: 2019-03-15 classes: wide use_math: true tags: python keras tensorflow reinforcement_learning machine_learning GAN DCGA...

ARIMA model

less than 1 minute read

ARIMA AR MA ARMA model

DCGAN

5 minute read

DCGAN refer to github, YBIGTA DCGAN

Recursive

2 minute read

```python def word_split(phrase,list_of_words, output = None): ‘’’ Note: This is a very “python-y” solution. ‘’’ # Checks to see if any output h...

Binary Search Tree

3 minute read

```python class Node: def init(self,d): self.data = d self.left = None self.right = None

QuantRobot

1 minute read

Algo Quant robot GUI Implementation

PyQt

less than 1 minute read

QT Designer QT Designer

MergeSort

less than 1 minute read

merge sort code merge sort code

GAN

1 minute read

```python GAN for prediction cost function D_loss_real = tf.reduce_mean(tf.nn.sigmoid_cross_entropy_with_logits(logits=D_logit_real, labels=tf.ones_like(D_lo...

AWS

less than 1 minute read

How to use Jupyter Notebook with AWS and Docker

Python Django

less than 1 minute read

Python Django 와 AWS로 쇼핑몰 만들기

Deep Deterministic Policy Gradient

less than 1 minute read

After Deep Q-Network became a hit, people realized that deep learning could be used to solve high-dimensional problems

2018

49 Experiments

less than 1 minute read

Reinforcement Learning network + Prediction network + Augmented Training network Phase 1 development completed RL network training completed RL Autoen...

Scurm Agile

less than 1 minute read

Agile in Automotive 2015

Autoencoder

less than 1 minute read

```python from keras.layers import Input, Dense from keras.models import Model

Autonomous Driving Testing

less than 1 minute read

VALIDATION AND VERIFICATION OF AUTOMATED DRIVING VEHICLES VALIDATION AND VERIFICATION OF AUTOMATED DRIVING VEHICLES

Financial Prediction

less than 1 minute read

NY News Json download ```python items = requests.get(url) try: data = items.json()

Hyper Parameter Tuning

3 minute read

Hyper Parameter Tuning One way of searching for good hyper-parameters is by hand-tuning Another way of searching for good hyper-parameters is to divide ...

jupyter notebook

less than 1 minute read

Apply custom CSS styling to your jupyter notebooks

RL reward tutorial review

less than 1 minute read

Class Agent ```python class Agent: def init(self, state_size, is_eval=False, model_name=””): self.action_size = 3 # sit, buy, sell … def _model(self): ...

High frequency Trading RL Experiments

less than 1 minute read

An environment to high-frequency trading agents under reinforcement learning An environment to high-frequency trading agents under reinforcement learning

Stock Python Utils

3 minute read

read yahoo data from datareader read yahoo data from datareader

Hvass Time series prediction

5 minute read

Introduction This Tutorial tries to predict the future weather of a city using weather data from several other cities We will use a Recurrent Neural Net...

ROS virtualenv

2 minute read

Virtualenv creation ```shell virtualenv venv –python=$(which python) virtualenv roskineticenv –python=python3.4 or pythonj3.5

ROS pixhawk

16 minute read

Pixhawk와 ROS를 이용한 자율주행

ROS Research Topic

1 minute read

An Introduction to Robot Operating System (ROS) An Introduction to Robot Operating System (ROS)

Hvass forecast stock returns

18 minute read

Data Sources Price data from Yahoo Finance. Financial data for individual stocks collected manually by the author from the 10-K Forms filed with the U.S...

Keras RL

1 minute read

Deep Reinforcement Learning for Keras keras-rl implements some state-of-arts deep reinforcement learning in Python and integrates with keras keras-rl wo...

Basic Cart Pole DQN

6 minute read

CartPole Basic start cartpole environment and take random actions

t-SNE

6 minute read

t-SNE visualization by TensorFlow

Predict Stock Price using RNN

18 minute read

Introduction This tutorial is for how to build a recurrent neural network using Tensorflow to predict stock market prices Part 1 focuses on the predicti...

Tensorflow squeeze

less than 1 minute read

```python tf.squeeze( input, axis=None, name=None, squeeze_dims=None )

Tensorflow one_hot

less than 1 minute read

```python indices = [0, 1, 2] depth = 3 tf.one_hot(indices, depth) # output: [3 x 3] [[1., 0., 0.], [0., 1., 0.], [0., 0., 1.]]

Tensorflow gather

1 minute read

```python tf.gather( params, indices, validate_indices=None, name=None, axis=0 )

python api itertools

less than 1 minute read

itertools API First, let’s get the boring part out of the way: ```python import itertools

Memory Augmented RL

less than 1 minute read

Understand Memory Augmented Reinforcement Learning Can we learn an agent with an external memory? external memory (Read/Write)

Advantage Actor-Critic Example

8 minute read

Understand Actor-Critic (AC) algorithms Learned Value Function Learned Policy this example uses Advantage Actor(policy weight)-Critic(Value Weight) Al...