Scurm Agile
Agile in Automotive 2015
Agile in Automotive 2015
PWC pharma outsourcing
Alias Description B business day frequency C custom business day frequency (experimental) D calendar day frequency W weekly frequency M month en...
```python count = 0
```python def knightTour(nlevel,vertex,limit,path): vertex.setColor(“visited”) path.append(vertex)
Find the missing Element
```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...
```python class Node: def init(self,d): self.data = d self.left = None self.right = None
```python import os,sys
merge sort code merge sort code
VALIDATION AND VERIFICATION OF AUTOMATED DRIVING VEHICLES VALIDATION AND VERIFICATION OF AUTOMATED DRIVING VEHICLES
Image classification with Keras and deep learning
Deep Supervision with Shape Concepts for Occlusion-Aware 3D Object Parsing Deep Supervision with Shape Concepts for Occlusion-Aware 3D Object Parsing pape...
FRED API FRED API FRED API blog Python Client for FRED® API
전국 주택가격동향조사 전국 주택가격동향조사
Montecarlo Optimization
ARIMA AR MA ARMA model
Apply custom CSS styling to your jupyter notebooks
```python from keras.datasets import mnist from keras.utils import to_categorical from keras.models import Sequential from keras.layers import Conv2D from ke...
Keras Workflow
fit_generator
plt.hist
pendulum-v0
QT Designer QT Designer
BANK rest api ```python
flask login
Algo Quant robot GUI Implementation
How to use Jupyter Notebook with AWS and Docker
Python Django 와 AWS로 쇼핑몰 만들기
Word Counting and vocabrary
Matplotlib Subplot
pandas.to_pickle
Return random integers from low (inclusive) to high (exclusive).
stackoverflow example
```python Examples
numpy.dstack
python map function
Generates a random sample from a given 1-D array
Examples ```python import numpy as np
An intro to Deque module
itertools API First, let’s get the boring part out of the way: ```python import itertools
```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...
Variation Autoencoder Implementation in Tensorflow ```python class VariationAutoencoder:
Confusion Matrix
DCGAN refer to github, YBIGTA DCGAN
KL KL
using XGBoost
```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...
GAN prediction
Tensorflow Initializer
After Deep Q-Network became a hit, people realized that deep learning could be used to solve high-dimensional problems
Asynchronous Agent Actor Critic (A3C)
TensorFlow queuing and threads – introductory concepts Parallel threads with TensorFlow Dataset API and flat_map code Multi-Threading-mnist-classifier
Asynchronous methods for deep reinforcement learning
Prediction of Stock Moving Direction
Reinforcement Learning network + Prediction network + Augmented Training network Phase 1 development completed RL network training completed RL Autoen...
How to set adaptive learning rate for GradientDescentOptimizer?
Keras Metrics Option
Keras Word Embedding Tutorial
```python from keras.layers import Input, Dense from keras.models import Model
Sentiment Analysis
K-Means cluster sklearn tutorial
RNN-Time-series-Anomaly-Detection RNN-Time-series-Anomaly-Detection
NY News Json download ```python items = requests.get(url) try: data = items.json()
Turi Machine Learning Platform User Guide
Welcome to the Deep Time Series Project
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 ...
Softmax function python
Imitation Learning with Dataset Aggregation (DAGGER) on Torcs Env
Conditional Imitation Learning at CARLA
Deep Reinforcement : Imitation Learning
Deep RL and Controls OpenAI Gym Recitation
Reinforcement Learning with ROS and Gazebo
Deep Reinforcement Learning for Keras keras-rl implements some state-of-arts deep reinforcement learning in Python and integrates with keras keras-rl wo...
Introduction It will go over a few of the commonly used approaches to exploration which focus on action-selection and show their strengths and weakness
CartPole Basic start cartpole environment and take random actions
Explorations of Using Python to play Grand Theft Auto 5
t-SNE visualization by TensorFlow
Behaviroal Cloning in Autonomous Driving in Reinforcement Learning
Reinforcement Learning Q-Learning(Off-policy Function Approximation)
Research Topic Summarization
Research Topic Summarization
Introduction Machine Learning with stock trading is now able to generate Alpha
Introduction RL research Area ATARI games Alpha Go robots learning how to perform complex manipulation tasks etc
Tensorflow gradient explaination
refer to this link Intorduction After Deep Q-Network became a hit,people realized that deep learning methods could be used to solve a high-dimensional proble...
Understand Memory Augmented Reinforcement Learning Can we learn an agent with an external memory? external memory (Read/Write)
Understand Actor-Critic (AC) algorithms Learned Value Function Learned Policy this example uses Advantage Actor(policy weight)-Critic(Value Weight) Al...
PID autonomous driving Trajectory ```python
path planning
Parallel Trajectory
Virtualenv creation ```shell virtualenv venv –python=$(which python) virtualenv roskineticenv –python=python3.4 or pythonj3.5
로봇 운영체제 강좌 로봇 운영체제 강좌
ROS Architecture
Pixhawk와 ROS를 이용한 자율주행
An Introduction to Robot Operating System (ROS) An Introduction to Robot Operating System (ROS)
sklearn.preprocessing.LabelEncoder
Monocular Reconstruction of Vehicles: Combining SLAM with Shape Priors Monocular Reconstruction of Vehicles: Combining SLAM with Shape Priors
Bayesian Regression Implementaion
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): ...
An environment to high-frequency trading agents under reinforcement learning An environment to high-frequency trading agents under reinforcement learning
MCTS Monte Carlo Tree Search
Decide Economic Index
Decide Economic Index
read yahoo data from datareader read yahoo data from datareader
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...
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...
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...
tf.tile
tf.nn.embedding_lookup
tf.concat
tf AdamOptimizer
tf trainable_variables
tflearn layers.normalization.batch_normalization
tflearn input_data
tflearn.initializations.uniform
tflearn fully_connected
tflearn.activation.relu
tflearn.activation
tf.gradients
tf.AdamOptimizer apply_gradients
tf.squared_difference( x, y, name=None )
```python tf.squeeze( input, axis=None, name=None, squeeze_dims=None )
```python tf.placeholder( dtype, shape=None, name=None )
```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.]]
```python tf.gather( params, indices, validate_indices=None, name=None, axis=0 )
```python tf.expand_dims( input, axis=None, name=None, dim=None )
open-vm-tools and VMWare Shared Folders for Ubuntu guests open-vm-tools and VMWare Shared Folders for Ubuntu guests
Summary