Numerai tournament example scripts using NN and optuna

Overview

numerai_NN_example

Numerai tournament example scripts using pytorch NN, lightGBM and optuna

https://numer.ai/tournament

Performance of my model based on this example

numerai model page

Features


  • era-boosted train, time-series cross-validation
  • era-batches training
  • model hyperparameter tuning on pytorch NN and GBDT model
  • several tips on Numerai Forum are also included

Prerequisites

python3
gpu environment for pytorch # if you use pytorch NN model
virtualenv

Get this code and build environment

git clone https://github.com/meaten/numerai_NN_example.git
cd numerai_NN_example
mkdir env
virtualenv env -p python3
source env/bin/activate
pip install -r requirements.txt

Quick demo

train model by era-boosted training. you can choose other config files also.

python src/main.py --config_file config/mlp.yml --gpu GPU_ID

test model for diagnostic.

python src/main.py --config_file config/mlp.yml --mode test --gpu GPU_ID

inference & submit.
Please specify follows.

  • pairs of your model name and config file in src/main.py.
  • Numerai API user id and secret key in src/default_param.py
python src/main.py --mode submit --gpu GPU_ID

tune model hyperparameter by optuna To train with tuned parameters, add LOAD_TUNED: True to the config file.

python src/main.py --config_file config/mlp.yml --mode tune --gpu GPU_ID

LICENCE

MIT

FEEDBACK

Please send me the bug report or wanted features on GitHub Issue or Numerai Forum.

SUPPORT

If you find this repository helpful and feel generous, Please send NMR to my wallet address below.

0x0000000000000000000000000000000000025769

You might also like...
Event sourced bank - A wide-and-shallow example using the Python event sourcing library

Event Sourced Bank A "wide but shallow" example of using the Python event sourci

This is an example of object detection on Micro bacterium tuberculosis using Mask-RCNN
This is an example of object detection on Micro bacterium tuberculosis using Mask-RCNN

Mask-RCNN on Mycobacterium tuberculosis This is an example of object detection on Mycobacterium Tuberculosis using Mask RCNN. Implement of Mask R-CNN

This is an example of object detection on Micro bacterium tuberculosis using Mask-RCNN
This is an example of object detection on Micro bacterium tuberculosis using Mask-RCNN

Mask-RCNN on Mycobacterium tuberculosis This is an example of object detection on Mycobacterium Tuberculosis using Mask RCNN. Implement of Mask R-CNN

An example of semantic segmentation using tensorflow in eager execution.

Semantic segmentation using Tensorflow eager execution Requirement Python 2.7+ Tensorflow-gpu OpenCv H5py Scikit-learn Numpy Imgaug Train with eager e

Scripts of Machine Learning Algorithms from Scratch. Implementations of machine learning models and algorithms using nothing but NumPy with a focus on accessibility. Aims to cover everything from basic to advance.
Scripts of Machine Learning Algorithms from Scratch. Implementations of machine learning models and algorithms using nothing but NumPy with a focus on accessibility. Aims to cover everything from basic to advance.

Algo-ScriptML Python implementations of some of the fundamental Machine Learning models and algorithms from scratch. The goal of this project is not t

Scripts for training an AI to play the endless runner Subway Surfers using a supervised machine learning approach by imitation and a convolutional neural network (CNN) for image classification
Scripts for training an AI to play the endless runner Subway Surfers using a supervised machine learning approach by imitation and a convolutional neural network (CNN) for image classification

About subwAI subwAI - a project for training an AI to play the endless runner Subway Surfers using a supervised machine learning approach by imitation

Python scripts for performing road segemtnation and car detection using the HybridNets multitask model in ONNX.
Python scripts for performing road segemtnation and car detection using the HybridNets multitask model in ONNX.

ONNX-HybridNets-Multitask-Road-Detection Python scripts for performing road segemtnation and car detection using the HybridNets multitask model in ONN

Python scripts for performing stereo depth estimation using the HITNET Tensorflow model.
Python scripts for performing stereo depth estimation using the HITNET Tensorflow model.

HITNET-Stereo-Depth-estimation Python scripts for performing stereo depth estimation using the HITNET Tensorflow model from Google Research. Stereo de

Python scripts form performing stereo depth estimation using the CoEx model in ONNX.
Python scripts form performing stereo depth estimation using the CoEx model in ONNX.

ONNX-CoEx-Stereo-Depth-estimation Python scripts form performing stereo depth estimation using the CoEx model in ONNX. Stereo depth estimation on the

Comments
  • Example Line from readme.md fails

    Example Line from readme.md fails

    After forking/cloning with no additional work

    (numerai) gbrecht@pop-os:~/github/numerai_NN_example$ python src/main.py --config_file config/mlp.yml --gpu 0 Traceback (most recent call last): File "src/main.py", line 679, in main() File "src/main.py", line 662, in main cfg = load_config(args) File "/home/gbrecht/github/numerai_NN_example/src/utils.py", line 53, in load_config from default_param import _C as cfg File "/home/gbrecht/github/numerai_NN_example/src/default_param.py", line 67, in _C.SOLVER.AUG = None File "/home/gbrecht/miniconda3/envs/numerai/lib/python3.8/site-packages/yacs/config.py", line 155, in setattr _assert_with_logging( File "/home/gbrecht/miniconda3/envs/numerai/lib/python3.8/site-packages/yacs/config.py", line 521, in _assert_with_logging assert cond, msg AssertionError: Invalid type <class 'NoneType'> for key AUG; valid types = {<class 'list'>, <class 'tuple'>, <class 'int'>, <class 'bool'>, <class 'str'>, <class 'float'>}

    opened by simpsus 2
Owner
Takahiro Maeda
Machine Learning Researcher at TTI-J
Takahiro Maeda
An AutoML Library made with Optuna and PyTorch Lightning

An AutoML Library made with Optuna and PyTorch Lightning Installation Recommended pip install -U gradsflow From source pip install git+https://github.

GradsFlow 294 Dec 17, 2022
Example scripts for the detection of lanes using the ultra fast lane detection model in ONNX.

Example scripts for the detection of lanes using the ultra fast lane detection model in ONNX.

Ibai Gorordo 35 Sep 7, 2022
Example scripts for the detection of lanes using the ultra fast lane detection model in Tensorflow Lite.

TFlite Ultra Fast Lane Detection Inference Example scripts for the detection of lanes using the ultra fast lane detection model in Tensorflow Lite. So

Ibai Gorordo 12 Aug 27, 2022
Neon-erc20-example - Example of creating SPL token and wrapping it with ERC20 interface in Neon EVM

Example of wrapping SPL token by ERC2-20 interface in Neon Requirements Install

null 7 Mar 28, 2022
Example-custom-ml-block-keras - Custom Keras ML block example for Edge Impulse

Custom Keras ML block example for Edge Impulse This repository is an example on

Edge Impulse 8 Nov 2, 2022
Python-kafka-reset-consumergroup-offset-example - Python Kafka reset consumergroup offset example

Python Kafka reset consumergroup offset example This is a simple example of how

Willi Carlsen 1 Feb 16, 2022
3ds-Ghidra-Scripts - Ghidra scripts to help with 3ds reverse engineering

3ds Ghidra Scripts These are ghidra scripts to help with 3ds reverse engineering

Zak 7 May 23, 2022
Omniverse sample scripts - A guide for developing with Python scripts on NVIDIA Ominverse

Omniverse sample scripts ここでは、NVIDIA Omniverse ( https://www.nvidia.com/ja-jp/om

ft-lab (Yutaka Yoshisaka) 37 Nov 17, 2022
Example Of Fine-Tuning BERT For Named-Entity Recognition Task And Preparing For Cloud Deployment Using Flask, React, And Docker

Example Of Fine-Tuning BERT For Named-Entity Recognition Task And Preparing For Cloud Deployment Using Flask, React, And Docker This repository contai

Nikita 12 Dec 14, 2022
Yolov5-opencv-cpp-python - Example of using ultralytics YOLO V5 with OpenCV 4.5.4, C++ and Python

yolov5-opencv-cpp-python Example of performing inference with ultralytics YOLO V

null 183 Jan 9, 2023