Posts by Tag



1dconv

3d

3d_parsing

AdamOptimizer

Bayesian

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 ...

Bundle

CARLA

DCGAN

DCGAN

5 minute read

DCGAN refer to github, YBIGTA DCGAN

DDPG

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

DQN

Basic Cart Pole DQN

6 minute read

CartPole Basic start cartpole environment and take random actions

GAN

DCGAN

5 minute read

DCGAN refer to github, YBIGTA DCGAN

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...

Gazebo

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)

Graph

KL

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...

Kalman

LSTM

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...

MACD

Financial Prediction

less than 1 minute read

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

Optimization

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 ...

Particle

RL

RNN

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...

ROS

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)

Stochastic

Financial Prediction

less than 1 minute read

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

VA

XGboost

action_selection

actor_critic

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

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...

adf

ARIMA model

less than 1 minute read

ARIMA AR MA ARMA model

adjustment

agile

Scurm Agile

less than 1 minute read

Agile in Automotive 2015

algorithm

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)

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

MergeSort

less than 1 minute read

merge sort code merge sort code

algorobot

QuantRobot

1 minute read

Algo Quant robot GUI Implementation

anomaly

api

ar

ARIMA model

less than 1 minute read

ARIMA AR MA ARMA model

arima

ARIMA model

less than 1 minute read

ARIMA AR MA ARMA model

array

asmatrix

autoencoder

Autoencoder

less than 1 minute read

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

autonomous

Autonomous Driving Testing

less than 1 minute read

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

autonomous_driving

aws

AWS

less than 1 minute read

How to use Jupyter Notebook with AWS and Docker

bayesian

bfs

Knight Tour

less than 1 minute read

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

binary

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)

Binary Search Tree

3 minute read

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

bridge

quiz

less than 1 minute read

```python count = 0

bst

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)

Binary Search Tree

3 minute read

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

candlestick

Financial Prediction

less than 1 minute read

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

caption

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...

Autoencoder

less than 1 minute read

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

Financial Prediction

less than 1 minute read

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

cartpole

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

classification

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...

clustering

cnn

code

command

concat

concatenate

confusion_matrix

control

css

jupyter notebook

less than 1 minute read

Apply custom CSS styling to your jupyter notebooks

dagger

debt

deep_learning

detection

direct

divegence

divergence

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...

docker

AWS

less than 1 minute read

How to use Jupyter Notebook with AWS and Docker

dow

dqn

Basic Cart Pole DQN

6 minute read

CartPole Basic start cartpole environment and take random actions

driving

Autonomous Driving Testing

less than 1 minute read

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

dso

dstack

eclipse

economic

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...

elf

embedding

end_to_end

ensemble

experiments

financial

Financial Prediction

less than 1 minute read

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

fit_generator

flask

forecast

fred

gdp

gpu

gta

gui

QuantRobot

1 minute read

Algo Quant robot GUI Implementation

gym

highfrequency

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

hist

hstack

hvass

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...

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...

hyper

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 ...

hyper-parameter

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 ...

image

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...

Autoencoder

less than 1 minute read

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

Financial Prediction

less than 1 minute read

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

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...

imitation_learning

index

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

ipython

jupyter notebook

less than 1 minute read

Apply custom CSS styling to your jupyter notebooks

java

jupyter

jupyter notebook

less than 1 minute read

Apply custom CSS styling to your jupyter notebooks

k-means

karpathy

keras

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...

DCGAN

5 minute read

DCGAN refer to github, YBIGTA DCGAN

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로 쇼핑몰 만들기

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...

Autoencoder

less than 1 minute read

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

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 ...

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

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...

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...

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...

kitti

kosdaq

kospi

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

labelencoder

learning

logging

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): ...

lstm

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): ...

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...

ma

ARIMA model

less than 1 minute read

ARIMA AR MA ARMA model

machine_learning

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...

DCGAN

5 minute read

DCGAN refer to github, YBIGTA DCGAN

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...

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...

Autoencoder

less than 1 minute read

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

Financial Prediction

less than 1 minute read

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

map

matching

math

ARIMA model

less than 1 minute read

ARIMA AR MA ARMA model

matplotlib

mcts

metrics

minimize

mongodb

AWS

less than 1 minute read

How to use Jupyter Notebook with AWS and Docker

monocular

montecarlo

multiple_model

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): ...

nn.embedding_lookup

notebook

jupyter notebook

less than 1 minute read

Apply custom CSS styling to your jupyter notebooks

npwhere

numpy

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로 쇼핑몰 만들기

nvidia

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...

odometry

ohlc

Financial Prediction

less than 1 minute read

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

openai

opencv

ROS Research Topic

1 minute read

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

optimization

outlook

outsourcing

pandas

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로 쇼핑몰 만들기

parallel

parking

pcl

ROS Research Topic

1 minute read

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

pendulum

permutation

pixhawk

ROS pixhawk

16 minute read

Pixhawk와 ROS를 이용한 자율주행

platform

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...

Autoencoder

less than 1 minute read

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

Financial Prediction

less than 1 minute read

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

plot

pnn

policy

policy_gradient

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

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...

portfolio

probability

pycharm

pyqt

QuantRobot

1 minute read

Algo Quant robot GUI Implementation

PyQt

less than 1 minute read

QT Designer QT Designer

python

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)

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

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로 쇼핑몰 만들기

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

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 ...

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

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...

python api itertools

less than 1 minute read

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

python deque collections

python numpy

python numpy vstack

python_error

qt

QuantRobot

1 minute read

Algo Quant robot GUI Implementation

qtdesigner

PyQt

less than 1 minute read

QT Designer QT Designer

quant

QuantRobot

1 minute read

Algo Quant robot GUI Implementation

randint

recursive

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...

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...

regression

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): ...

reinforcement

reinforcement learning

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)

reinforcement_learning

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...

DCGAN

5 minute read

DCGAN refer to github, YBIGTA DCGAN

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...

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

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...

Autoencoder

less than 1 minute read

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

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 ...

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

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

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...

resample

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...

research

ROS Research Topic

1 minute read

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

rest

rings

rnn

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...

robot

QuantRobot

1 minute read

Algo Quant robot GUI Implementation

robotics

rrt

scatter

scrum

Scurm Agile

less than 1 minute read

Agile in Automotive 2015

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)

Binary Search Tree

3 minute read

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

sentiment

server

sfm

sklearn

slam

snippet

softmax

sparse

stock

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로 쇼핑몰 만들기

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...

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...

string

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)

Binary Search Tree

3 minute read

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

structure_from_motion

subplot

subprocess

svm

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): ...

tensor_example

Tensorflow gather

1 minute read

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

tensorflow

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...

DCGAN

5 minute read

DCGAN refer to github, YBIGTA DCGAN

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로 쇼핑몰 만들기

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...

Autoencoder

less than 1 minute read

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

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 ...

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

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...

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 )

testing

Autonomous Driving Testing

less than 1 minute read

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

tflearn

theano

threading

tile

time_series

to_pickle

topic

torch

quiz

less than 1 minute read

```python count = 0

torcs

trading

trajectory

translation

tree

quiz

less than 1 minute read

```python count = 0

Binary Search Tree

3 minute read

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

tsne

t-SNE

6 minute read

t-SNE visualization by TensorFlow

turi

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...

Autoencoder

less than 1 minute read

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

Financial Prediction

less than 1 minute read

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

turtlebot

ROS pixhawk

16 minute read

Pixhawk와 ROS를 이용한 자율주행

tutorial

ubuntu

utils

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로 쇼핑몰 만들기

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

verification

Autonomous Driving Testing

less than 1 minute read

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

virtualenv

ROS virtualenv

2 minute read

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

vision