3080 Repositories
Python Control-Raspberry-Pi-Robot-using-Hand-Gestures Libraries
A python crypto trading bot on Binance using RSI in 25 Lines 🚀
RSI Crypto Trading Bot - Binance A Crypto Trading Bot on Binance trading BTCUSDT and ETHUSDT using RSI in 25 Lines of Code Getting Started Note Python
Finite-temperature variational Monte Carlo calculation of uniform electron gas using neural canonical transformation.
CoulombGas This code implements the neural canonical transformation approach to the thermodynamic properties of uniform electron gas. Building on JAX,
Using knowledge-informed machine learning on the PRONOSTIA (FEMTO) and IMS bearing data sets. Predict remaining-useful-life (RUL).
Knowledge Informed Machine Learning using a Weibull-based Loss Function Exploring the concept of knowledge-informed machine learning with the use of a
Multi-Stage Episodic Control for Strategic Exploration in Text Games
XTX: eXploit - Then - eXplore Requirements First clone this repo using git clone https://github.com/princeton-nlp/XTX.git Please create two conda envi
This repository contains the code for designing risk bounded motion plans for car-like robot using Carla Simulator.
Nonlinear Risk Bounded Robot Motion Planning This code simulates the bicycle dynamics of car by steering it on the road by avoiding another static car
Classification of Long Sequential Data using Circular Dilated Convolutional Neural Networks
Classification of Long Sequential Data using Circular Dilated Convolutional Neural Networks arXiv preprint: https://arxiv.org/abs/2201.02143. Architec
Safe Control for Black-box Dynamical Systems via Neural Barrier Certificates
Safe Control for Black-box Dynamical Systems via Neural Barrier Certificates Installation Clone the repository: git clone https://github.com/Zengyi-Qi
Code release for "Detecting Twenty-thousand Classes using Image-level Supervision".
Detecting Twenty-thousand Classes using Image-level Supervision Detic: A Detector with image classes that can use image-level labels to easily train d
Disctopia-c2 - Windows Backdoor that is controlled through Discord
Disctopia Disctopia Command and Control What is Disctopia? Disctopia is an open
Chess-commandline - Chess in the Command Line using the Chess Module Can detect Checkmates
chess-commandline Chess in the Command Line using the Chess Module Can detect Ch
Video lie detector using xgboost - A video lie detector using OpenFace and xgboost
video_lie_detector_using_xgboost a video lie detector using OpenFace and xgboost
YT-Spammer-Purge - Allows you easily scan for and delete scam comments using several methods
YouTube Spammer Purge What Is This? - Allows you to filter and search for spamme
Tictactoe py tkinter canvas - Tic Tac Toe written in Python 3 with tkinter mainly using canvas
Python 3 Tic Tac Toe with tkinter This is a tkinter version of my Tic Tac Toe ga
Qrgenerator - A qr generator app using python3
qrgenerator by Mal4D Hi welcome into qr code generator using python by Mal4d Lin
In this repo, I will put all the code related to data science using python libraries like Numpy, Pandas, Matplotlib, Seaborn and many more.
Python-for-DS In this repo, I will put all the code related to data science using python libraries like Numpy, Pandas, Matplotlib, Seaborn and many mo
🤖 Automated follow/unfollow bot for GitHub. Uses GitHub API. Written in python.
GitHub Follow Bot Table of Contents Disclaimer How to Use Install requirements Authenticate Get a GitHub Personal Access Token Add your GitHub usernam
This is a computer vision based implementation of the popular childhood game 'Hand Cricket/Odd or Even' in python
Hand Cricket Table of Content Overview Installation Game rules Project Details Future scope Overview This is a computer vision based implementation of
GANfolk: Using AI to create portraits of fictional people to sell as NFTs
GANfolk are AI-generated renderings of fictional people. Each image in the collection was created by a pair of Generative Adversarial Networks (GANs) with names and backstories also created with AI. The GANs were trained using portraits from artists like Renoir, Turner, and Modigliani in addition to open-source, modern photos.
Generating new names based on trends in data using GPT2 (Transformer network)
MLOpsNameGenerator Overall Goal The goal of the project is to develop a model that is capable of creating Pokémon names based on its description, usin
Python PID Tuner - Based on a FOPDT model obtained using a Open Loop Process Reaction Curve
PythonPID_Tuner Step 1: Takes a Process Reaction Curve in csv format - assumes data at 100ms interval (column names CV and PV) Step 2: Makes a rough e
Finding a method to objectively quantify skill expression in games, using reinforcement learning
Analyzing Skill Expression in Games This is a repo where I describe a method to measure the amount of skill expression games have. Table of Contents M
A practical ML pipeline for data labeling with experiment tracking using DVC.
Auto Label Pipeline A practical ML pipeline for data labeling with experiment tracking using DVC Goals: Demonstrate reproducible ML Use DVC to build a
Plotting points that lie on the intersection of the given curves using gradient descent.
Plotting intersection of curves using gradient descent Webapp Link --- What's the app about Why this app Plotting functions and their intersection. A
Implementation of a Transformer using ReLA (Rectified Linear Attention)
ReLA (Rectified Linear Attention) Transformer Implementation of a Transformer using ReLA (Rectified Linear Attention). It will also contain an attempt
FBChecker Account using python , package requests and web old facebook
fbcek FBChecker Account using python , package requests and web old facebook using python 3.x apt upgrade -y apt update -y pkg install bash -y pkg ins
Text classification on IMDB dataset using Keras and Bi-LSTM network
Text classification on IMDB dataset using Keras and Bi-LSTM Text classification on IMDB dataset using Keras and Bi-LSTM network. Usage python3 main.py
Sound-Equalizer- This is a Sound Equalizer GUI App Using Python's PyQt5
Sound-Equalizer- This is a Sound Equalizer GUI App Using Python's PyQt5. It gives you the ability to play, pause, and Equalize any one-channel wav audio file and play 3 different instruments.
Asynchronous multi-platform robot framework written in Python
NoneBot ✨ 跨平台 Python 异步机器人框架 ✨ 文档 · 安装 · 开始使用 · 文档打不开? 简介 NoneBot2 是一个现代、跨平台、可扩展的 Python 聊天机器人框架,它基于 Python 的类型注解和异步特性,能够为你的需求实现提供便捷灵活的支持。
Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning).
Using Deep Q-Network to Learn How To Play Flappy Bird 7 mins version: DQN for flappy bird Overview This project follows the description of the Deep Q
Translate darknet to tensorflow. Load trained weights, retrain/fine-tune using tensorflow, export constant graph def to mobile devices
Intro Real-time object detection and classification. Paper: version 1, version 2. Read more about YOLO (in darknet) and download weight files here. In
[CVPR 2020] 3D Photography using Context-aware Layered Depth Inpainting
[CVPR 2020] 3D Photography using Context-aware Layered Depth Inpainting [Paper] [Project Website] [Google Colab] We propose a method for converting a
ShotsGram - For sending captures from your monitor to a telegram chat (robot)
ShotsGram pt-BR Envios de capturas do seu monitor para um chat do telegram. Essa
Housing Price Prediction Using Machine Learning.
HOUSING PRICE PREDICTION USING MACHINE LEARNING DESCRIPTION Housing Price Prediction Using Machine Learning is to predict the data of housings. Here I
Research into Forex price prediction from price history using Deep Sequence Modeling with Stacked LSTMs.
Forex Data Prediction via Recurrent Neural Network Deep Sequence Modeling Research Paper Our research paper can be viewed here Installation Clone the
Scraping Top Repositories for Topics on GitHub,
0.-Webscrapping-using-python Scraping Top Repositories for Topics on GitHub, Web scraping is the process of extracting and parsing data from websites
Implements a fake news detection program using classifiers.
Fake news detection Implements a fake news detection program using classifiers for Data Mining course at UoA. Description The project is the categoriz
A Python script that exports users from one Telegram group to another using one or more concurrent user bots.
ExportTelegramUsers A Python script that exports users from one Telegram group to another using one or more concurrent user bots. Make sure to set all
Discord bot that shows valorant your daily store by using the Ingame API
Valorant store checker - Discord Bot Discord bot that shows valorant your daily store by using the Ingame API. written using Python and the Pycord lib
Official Implementation for Fast Training of Neural Lumigraph Representations using Meta Learning.
Fast Training of Neural Lumigraph Representations using Meta Learning Project Page | Paper | Data Alexander W. Bergman, Petr Kellnhofer, Gordon Wetzst
Create QR Code for link using Python
Quick Response QR is short and named for a quick read from a cell phone. Used to view information from transitory media and put it on your cell phone.
Simple Microservice to control 433Mhz wireless sockets over HTTP, e.g. on a RaspberryPi
REST-light is a simple microservice to control 433Mhz wireless sockets over HTTP, e.g. on a RaspberryPi. The main usage is an easy integration of 433M
This is a web scraper, using Python framework Scrapy, built to extract data from the Deals of the Day section on Mercado Livre website.
Deals of the Day This is a web scraper, using the Python framework Scrapy, built to extract data such as price and product name from the Deals of the
A fun, casual and strategic game made using Python!
Steve's Pixels A fun, casual and strategic game made using Python! Prerequisites See requirements.txt Demo video demo.mp4 Usage python -m steves_pixel
Snake (PyGame-based) port for Minecraft:Bedrock Edition using PEWSAPI
Snake_PEWSAPI Snake (PyGame-based) port for Minecraft:Bedrock Edition using PEWSAPI And we are not going to make any change to the original Snake sour
Using machine learning to predict undergrad college admissions.
College-Prediction Project- Overview: Many have tried, many have failed. Few trailblazers are ambitious enought to chase acceptance into the top 15 un
This is a boilerplate for a basic backend app using Python, Django and SQLite, as developed after tutorials with Programming with Mosh
This is a boilerplate for a basic backend app using Python, Django and SQLite, as developed after tutorials with Programming with Mosh
A python bot using the Selenium library to auto-buy specified sneakers on the nike.com website.
Sneaker-Bot-UK A python bot using the Selenium library to auto-buy specified sneakers on the nike.com website. This bot is still in development and is
BarcodeRattler - A Raspberry Pi Powered Barcode Reader to load a game on the Mister FPGA using MBC
Barcode Rattler A Raspberry Pi Powered Barcode Reader to load a game on the Mist
Neural-net-from-scratch - A simple Neural Network from scratch in Python using the Pymathrix library
A Simple Neural Network from scratch A Simple Neural Network from scratch in Pyt
Chatterpatter - A simple GUI complex backend Chat Application made using python
Chatterpatter - A simple GUI complex backend Chat Application made using python
LSTM built using Keras Python package to predict time series steps and sequences. Includes sin wave and stock market data
LSTM Neural Network for Time Series Prediction LSTM built using the Keras Python package to predict time series steps and sequences. Includes sine wav
An API-first distributed deployment system of deep learning models using timeseries data to analyze and predict systems behaviour
Gordo Building thousands of models with timeseries data to monitor systems. Table of content About Examples Install Uninstall Developer manual How to
Deploy AutoML as a service using Flask
AutoML Service Deploy automated machine learning (AutoML) as a service using Flask, for both pipeline training and pipeline serving. The framework imp
Robot Swerve Test Public With Python
Robot-Swerve-Test-Public The codebase for our swerve drivetrain prototype robot.
Space-invaders - Simple Game created using Python & PyGame, as my Beginner Python Project
Space Invaders This is a simple SPACE INVADER game create using PYGAME whihc hav
This is my implementation on the K-nearest neighbors algorithm from scratch using Python
K Nearest Neighbors (KNN) algorithm In this Machine Learning world, there are various algorithms designed for classification problems such as Logistic
Growtopia server_data.php reader with bypass method, using discord bot
Server_data.php-reader Growtopia server_data.php reader with bypass method, using discord bot How to use 1 install python 2 change your bot token
Example applications, dashboards, scripts, notebooks, and other utilities built using Polygon.io
Polygon.io Examples Example applications, dashboards, scripts, notebooks, and other utilities built using Polygon.io. Examples Preview Name Type Langu
Linux GUI app to codon optimize a directory with fasta files using taxonomy ids imported as a 1-column txt file (1 taxonomy id for each file)
codon optimize cds paired with taxids singlefastas gui Linux GUI app to codon optimize a directory with fasta files using taxonomy ids imported as a 1
DevSecOps pipeline for Python based web app using Jenkins, Ansible, AWS, and open-source security tools and checks.
DevSecOps pipeline for Python Web App A Jenkins end-to-end DevSecOps pipeline for Python web application, hosted on AWS Ubuntu 20.04 Note: This projec
Cherche (search in French) allows you to create a neural search pipeline using retrievers and pre-trained language models as rankers.
Cherche (search in French) allows you to create a neural search pipeline using retrievers and pre-trained language models as rankers. Cherche is meant to be used with small to medium sized corpora. Cherche's main strength is its ability to build diverse and end-to-end pipelines.
A Simulation Environment to train Robots in Large Realistic Interactive Scenes
iGibson: A Simulation Environment to train Robots in Large Realistic Interactive Scenes iGibson is a simulation environment providing fast visual rend
Speech recognition tool to convert audio to text transcripts, for Linux and Raspberry Pi.
Spchcat Speech recognition tool to convert audio to text transcripts, for Linux and Raspberry Pi. Description spchcat is a command-line tool that read
A web application that provides real time temperature and humidity readings of a house.
About A web application which provides real time temperature and humidity readings of a house. If you're interested in the data collected so far click
An assistant to guess your pip dependencies from your code, without using a requirements file.
Pip Sala Bim is an assistant to guess your pip dependencies from your code, without using a requirements file. Pip Sala Bim will tell you which packag
Redis GUI using Qt & Python
QRedis A Python, Qt based Redis client user interface. Help wanted Open to people who want to colaborate. Would like to know which features you would
A series of Jupyter notebooks with Chinese comment that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.
Hands-on-Machine-Learning 目的 这份笔记旨在帮助中文学习者以一种较快较系统的方式入门机器学习, 是在学习Hands-on Machine Learning with Scikit-Learn and TensorFlow这本书的 时候做的个人笔记: 此项目的可取之处 原书的
List of papers, code and experiments using deep learning for time series forecasting
Deep Learning Time Series Forecasting List of state of the art papers focus on deep learning and resources, code and experiments using deep learning f
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
CLI tool to build, test, debug, and deploy Serverless applications using AWS SAM
AWS SAM The AWS Serverless Application Model (SAM) is an open-source framework for building serverless applications. It provides shorthand syntax to e
Not Suitable for Work (NSFW) classification using deep neural network Caffe models.
Open nsfw model This repo contains code for running Not Suitable for Work (NSFW) classification deep neural network Caffe models. Please refer our blo
Mycroft Core, the Mycroft Artificial Intelligence platform.
Mycroft Mycroft is a hackable open source voice assistant. Table of Contents Getting Started Running Mycroft Using Mycroft Home Device and Account Man
Unofficial implementation of the ImageNet, CIFAR 10 and SVHN Augmentation Policies learned by AutoAugment using pillow
AutoAugment - Learning Augmentation Policies from Data Unofficial implementation of the ImageNet, CIFAR10 and SVHN Augmentation Policies learned by Au
Official code for the ICCV 2021 paper "DECA: Deep viewpoint-Equivariant human pose estimation using Capsule Autoencoders"
DECA Official code for the ICCV 2021 paper "DECA: Deep viewpoint-Equivariant human pose estimation using Capsule Autoencoders". All the code is writte
HandFoldingNet ✌️ : A 3D Hand Pose Estimation Network Using Multiscale-Feature Guided Folding of a 2D Hand Skeleton
HandFoldingNet ✌️ : A 3D Hand Pose Estimation Network Using Multiscale-Feature Guided Folding of a 2D Hand Skeleton Wencan Cheng, Jae Hyun Park, Jong
Moon-patrol - A faithful recreation of the 1983 hit classic Moon Patrol for the Atari 2600 created using the Pygame library for Python
Moon Patrol A recreation of the hit Atari 2600 game, Moon Patrol Moon Patrol is
Storefront - A store App developed using Django, RESTFul API, JWT
Storefront A store App developed using Django, RESTFul API, JWT. SQLite has been
I was sick of having to hand my friends my phone, so I gave my Spotify some SMS features!
SMSpotifY Just a little tool so that my friends can text a phone number and add to my spotify queue for parties and such:) Features Roles / Access Con
Inflitator is a classic doom and wolfenstein3D like game made in Python, using the famous PYGAME module.
INFLITATOR Raycaster INFLITATOR is a raycaster made in Python3 with Pygame. It is a game built on top of a simple engine of the same name. An example
Python scripts for a generic performance testing infrastructure using Locust.
TODOs Reference to published paper or online version of it loadtest_plotter.py: Cleanup and reading data from files ARS_simulation.py: Cleanup, docume
EfficientMPC - Efficient Model Predictive Control Implementation
efficientMPC Efficient Model Predictive Control Implementation The original algo
In this project we can see how we can generate automatic music using character RNN.
Automatic Music Genaration Table of Contents Project Description Approach towards the problem Limitations Libraries Used Summary Applications Referenc
faceFarm is an active yahoo email detection script that functions to take over the facebook account using email.
faceFarm – The simple Email Detector. Email Valid Detector for Facebook (Yahoo) faceFarm is an active yahoo email detection script that functions to t
Using BERT+Bi-LSTM+CRF
Chinese Medical Entity Recognition Based on BERT+Bi-LSTM+CRF Step 1 I share the dataset on my google drive, please download the whole 'CCKS_2019_Task1
FaceBot is a script to automatically create a facebook account using the selenium and chromedriver modules.
FaceBot is a script to automatically create a facebook account using the selenium and chromedriver modules. That way, we don't need to input full name, email and password and date of birth. All will be helped by this FaceBot.
Project coded in Python using Pandas to look at changes in chase% for batters facing a pitcher first time through the order vs. thrid time
Project coded in Python using Pandas to look at changes in chase% for batters facing a pitcher first time through the order vs. thrid time
Space robot - (Course Project) Using the space robot to capture the target satellite that is disabled and spinning, then stabilize and fix it up
Space robot - (Course Project) Using the space robot to capture the target satellite that is disabled and spinning, then stabilize and fix it up
Predico Disease Prediction system based on symptoms provided by patient- using Python-Django & Machine Learning
Predico Disease Prediction system based on symptoms provided by patient- using Python-Django & Machine Learning
Simulate genealogical trees and genomic sequence data using population genetic models
msprime msprime is a population genetics simulator based on tskit. Msprime can simulate random ancestral histories for a sample of individuals (consis
Find graph motifs using intuitive notation
d o t m o t i f Find graph motifs using intuitive notation DotMotif is a library that identifies subgraphs or motifs in a large graph. It looks like t
The Generic Manipulation Driver Package - Implements a ROS Interface over the robotics toolbox for Python
Armer Driver Armer aims to provide an interface layer between the hardware drivers of a robotic arm giving the user control in several ways: Joint vel
Python module for the qwiic serial control motor driver
Qwiic_SCMD_Py Python module for the qwiic motor driver This python package is a port of the existing SparkFun Serial Controlled Motor Driver Arduino L
Msgpack serialization/deserialization library for Python, written in Rust using PyO3 and rust-msgpack. Reboot of orjson. msgpack.org[Python]
ormsgpack ormsgpack is a fast msgpack library for Python. It is a fork/reboot of orjson It serializes faster than msgpack-python and deserializes a bi
Python client for using Prefect Cloud with Saturn Cloud
prefect-saturn prefect-saturn is a Python package that makes it easy to run Prefect Cloud flows on a Dask cluster with Saturn Cloud. For a detailed tu
A Python Package For System Identification Using NARMAX Models
SysIdentPy is a Python module for System Identification using NARMAX models built on top of numpy and is distributed under the 3-Clause BSD license. N
SOLSEA-NFT-EXPLORE - Using Streamlit to build a simple UI on top of the Solana API
SOLSEA NFT Explorer Using Streamlit to build a simple UI on top of the Solana AP
Live Hand Tracking Using Python
Live-Hand-Tracking-Using-Python Project Description: In this project, we will be
Face Mask Detection system based on computer vision and deep learning using OpenCV and Tensorflow/Keras
Face Mask Detection Face Mask Detection System built with OpenCV, Keras/TensorFlow using Deep Learning and Computer Vision concepts in order to detect
Keras implementation of "One pixel attack for fooling deep neural networks" using differential evolution on Cifar10 and ImageNet
One Pixel Attack How simple is it to cause a deep neural network to misclassify an image if an attacker is only allowed to modify the color of one pix
Vehicle detection using machine learning and computer vision techniques for Udacity's Self-Driving Car Engineer Nanodegree.
Vehicle Detection Video demo Overview Vehicle detection using these machine learning and computer vision techniques. Linear SVM HOG(Histogram of Orien