• Stars
    star
    548
  • Rank 78,162 (Top 2 %)
  • Language
    HTML
  • Created 4 months ago
  • Updated 3 months ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

TraderBot

Build a trader bot which looks at sentiment of live news events and trades appropriately.

See it live and in action 📺

Startup 🚀

  1. Create a virtual environment conda create -n trader python=3.10
  2. Activate it conda activate trader
  3. Install initial deps pip install lumibot timedelta alpaca-trade-api==3.1.1
  4. Install transformers and friends pip install torch torchvision torchaudio transformers
  5. Update the API_KEY and API_SECRET with values from your Alpaca account
  6. Run the bot python tradingbot.py

N.B. Torch installation instructions will vary depending on your operating system and hardware. See here for more: PyTorch Installation Instructions

If you're getting an SSL error when you attempt to call out to the Alpaca Trading api, you'll need to install the required SSL certificates into your machine.

  1. Download the following intermediate SSL Certificates, these are required to communicate with Alpaca
  1. Once downloaded, change the file extension of each file to .cer
  2. Double click the file and run through the wizard to install it, use all of the default selections.

# Other References 🔗

-Lumibot:trading bot library, makes lifecycle stuff easier .

Who, When, Why?

👨🏾‍💻 Author: Nick Renotte
📅 Version: 1.x
📜 License: This project is licensed under the MIT License

More Repositories

1

TFODCourse

Jupyter Notebook
918
star
2

ActionDetectionforSignLanguage

A practical implementation of sign language estimation using an LSTM NN built on TF Keras.
Jupyter Notebook
340
star
3

RealTimeObjectDetection

Jupyter Notebook
326
star
4

ImageClassification

Jupyter notebook showing how to build an image classifier with Python and Tensorflow
Jupyter Notebook
304
star
5

Llama2RAG

A working example of RAG using LLama 2 70b and Llama Index
Jupyter Notebook
283
star
6

ReinforcementLearningCourse

Jupyter Notebook
244
star
7

LangchainDocuments

Python
236
star
8

Langchain-Crash-Course

Python
224
star
9

machine-learning-by-industry

A list of machine learning GitHub repos sorted by industry.
180
star
10

MediaPipePoseEstimation

Jupyter Notebook
178
star
11

DataScienceCheatsheet

133
star
12

FaceDetection

An end-to-end walkthrough with a custom object detection pipeline for face detection!
Jupyter Notebook
133
star
13

LipNet

Jupyter Notebook
130
star
14

Nopenai

Walk through how to build a langchain x streamlit app using GPT4All
Python
127
star
15

RealTimeAutomaticNumberPlateRecognition

Jupyter Notebook
124
star
16

FaceRecognition

Face recognition
Jupyter Notebook
122
star
17

YOLO-Drowsiness-Detection

A lightweight walkthrough accompanying the video on Drowsiness Detection using Ultralytics YOLOv5
Jupyter Notebook
121
star
18

Reinforcement-Learning-for-Trading

A walkthrough of using the gym-anytrading environment for reinforcement learning applications leveraging custom datasets.
Jupyter Notebook
118
star
19

FacialLandmarkDetection

Real time facial landmark detection with Tensorflow.JS accompanying YT vid: https://youtu.be/PyxsziqatFE
JavaScript
101
star
20

TFODApp

JavaScript
99
star
21

RealTimeSignLanguageDetectionwithTFJS

A complete package for building custom real time object detection applications.
Python
98
star
22

PythonForDataScience

A full crash course on Python for beginners with a focus on Data Science
Jupyter Notebook
97
star
23

ANPRwithPython

Jupyter Notebook
96
star
24

StableDiffusionApp

Python
91
star
25

DeepAudioClassification

Audio classification using Tensorflow
Jupyter Notebook
90
star
26

Body-Language-Decoder

Jupyter Notebook
89
star
27

Code-That-ReactStableDiffusion

JavaScript
88
star
28

OpenAI-Reinforcement-Learning-with-Custom-Environment

This code accompanies the YouTube tutorial where we build a custom OpenAI environment for reinforcement learning.
Jupyter Notebook
83
star
29

TFODRPi

Python
83
star
30

Stock-and-Crypto-News-ScrapingSummarizationSentiment

A full Python pipeline that allows for the scraping, summarization and sentiment calculation for stock and crypto news.
Jupyter Notebook
80
star
31

GestureRecognition

A real time gesture recognition app using Tensorflow.JS, a pre-trained handpose model and the fingerpose library.
JavaScript
77
star
32

Full-Body-Estimation-using-Media-Pipe-Holistic

A notebook showcasing how to use mediapipe holistic for body tracking.
Jupyter Notebook
75
star
33

TimeSeriesForecastingProphet

A simple Jupyter Notebook walking through how to perform time series forecasting with Facebook Prophet.
Jupyter Notebook
75
star
34

RealTimeObjectDetectionTFJSReact

A complete app utilising React.JS and Tensorflow.JS for real time object detection using COCO SSD.
JavaScript
70
star
35

ReactComputerVisionTemplate

A starter app for use with Tensorflow.JS tutorials.
JavaScript
69
star
36

Tensorflow-in-10-Minutes

A quick walkthrough of creating a neural network model using the Tensorflow Sequential API.
Jupyter Notebook
65
star
37

mlapp

Python
63
star
38

AutoStreamlit

Jupyter Notebook
63
star
39

TensorflowKeras-ReinforcementLearning

A tutorial walking through the use of Keras-RL for reinforcement learning with OpenAI gym.
Jupyter Notebook
61
star
40

MarioRL

Jupyter Notebook
57
star
41

BERTSentiment

Jupyter Notebook
55
star
42

GPTNeo

Jupyter Notebook
54
star
43

ChatGPTAPI

Python
53
star
44

Reinforcement-Learning-for-Trading-Custom-Signals

Jupyter Notebook
53
star
45

MoveNetLightning

A worked example of using MoveNet Lightning for real time pose estimation.
Jupyter Notebook
51
star
46

Pandasin20Minutes

A super fast crash course to get you up to speed with Pandas.
Jupyter Notebook
48
star
47

RealTimeSpeechToText

A live walkthrough of leveraging real time speech to text with Watson STT.
Python
48
star
48

GANBasics

Jupyter Notebook
46
star
49

FaceIDApp

Python
44
star
50

OpenCV-Basics

A series of tutorials focused on OpenCV for Python
Jupyter Notebook
44
star
51

Falcon40B

Jupyter Notebook
44
star
52

SimSwap

Jupyter Notebook
41
star
53

Python-Neural-Style-Transfer

A short walkthrough that demonstrates how to perform neural style transfer with a pre-trained model.
Jupyter Notebook
41
star
54

MultiPoseMovenetLightning

A walkthrough demonstrating multi person tracking using movenet lighting
Jupyter Notebook
41
star
55

DinoAI

A tutorial showing how to train RL agents for webgames, in this case, Chrome Dino
Jupyter Notebook
40
star
56

CommentToxicity

Jupyter Notebook
38
star
57

TikTokAnalytics

Jupyter Notebook
38
star
58

BinanceEDA

Exploratory data analysis with the Binance API
Jupyter Notebook
38
star
59

StreetFighterRL

Jupyter Notebook
37
star
60

MediaPipeHandPose

Jupyter Notebook
37
star
61

AdvancedHandPoseWithMediaPipe

Jupyter Notebook
36
star
62

PyTorchin15

Python
35
star
63

EasyOCR

A short walkthrough on using Easy OCR for Optical Character Recognition with Python and Pytorch.
Jupyter Notebook
35
star
64

Forecasting-Weather-with-Neural-Prophet

A jupyter notebook showcasing how to forecast temperature using Neural Prophet.
Jupyter Notebook
32
star
65

ReactChatBot

JavaScript
31
star
66

DoomReinforcementLearning

Jupyter Notebook
30
star
67

HandPoseDetection

JavaScript
30
star
68

StreamlitTitanic

Jupyter Notebook
30
star
69

Generating-Blog-Posts-with-GPT-2-Large

A walkthrough of how to generate blog posts with GPT-2 Large using Hugging Face
Jupyter Notebook
30
star
70

IrisDetection

A walkthrough demonstrating how to build a keypoint detection model for iris detection
Jupyter Notebook
29
star
71

Longform-Summarization-with-Hugging-Face

A walkthrough of how to use Hugging Face summarization pipelines for long post summarization.
Jupyter Notebook
28
star
72

PosenetRealtime

A real time pose estimation app using React and Tensorflow.JS
JavaScript
27
star
73

RegressionMachineLearningApp

JavaScript
27
star
74

BodyPixBackgroundRemoval

Jupyter Notebook
25
star
75

StopSign

Jupyter Notebook
25
star
76

Hugging-Face-Transformers-Summarization

A super fast walkthrough of NLP Text Summarization with Hugging Face Transformers.
Jupyter Notebook
25
star
77

IBM-Generative-AI-Reflex-App

IBM Generative AI Reflex App
Python
25
star
78

PegasusSummarization

A quick walkthrough demonstrating how to use Pegasus for summarization.
Jupyter Notebook
23
star
79

RapGod

Python
23
star
80

MLCrashCourse

Jupyter Notebook
22
star
81

KerasRL-OpenAI-Atari-SpaceInvadersv0

A notebook walking through how to use Keras RL to solve Atari environments.
Jupyter Notebook
22
star
82

WatsonSTT

A walkthrough of using Watson Speech to Text to convert audio using Python
Jupyter Notebook
21
star
83

TensorflowObjectDetectionMetrics

A walkthrough showing how to calculate Tensorflow Object Detection model metrics.
Jupyter Notebook
21
star
84

Image-Augmentation

Jupyter Notebook
19
star
85

DeployingMachineLearningModels

An end to end walkthrough for building and deploying machine learning models with Python and Watson Machine Learning.
Jupyter Notebook
19
star
86

MultiStoreProductForecasting-with-Prophet

Multi store and product forecasting data and code for demonstration with Data Science Dojo!
Jupyter Notebook
19
star
87

GramformerApp

Jupyter Notebook
18
star
88

QnA-Web-App-with-React-and-Tensorflow.JS

Final code from the QnA Web App with React and Tensorflow.JS YouTube video
JavaScript
18
star
89

OpenAI-Codex

A walkthrough of OpenAI Codex
Jupyter Notebook
18
star
90

DrugLabelExtraction-

Using PaddleOCR for prescription drug label extraction.
Jupyter Notebook
18
star
91

GameObjectDetection

Jupyter Notebook
18
star
92

FaceMaskObjectDetection

A walkthrough using Watson Visual Recognition to detect face masks.
Jupyter Notebook
17
star
93

CNNLayers

See what CNNs see
Jupyter Notebook
17
star
94

NumpyCrashCourse

A crash course in Numpy for Data Science
Jupyter Notebook
17
star
95

FullStackWatsonx

Python
17
star
96

ForzaML

Jupyter Notebook
16
star
97

PyCaretClassificationCrashCourse

Jupyter Notebook
16
star
98

GenerateTFRecord

Python
16
star
99

CodeTHat-MiDaS

Python
15
star
100

IBMGenStarterKit

A simple example showing how to use watsonx with Langchain and Streamlit.
Python
15
star