3038 Repositories
Python Cricket-game-using-PYQT Libraries
Stock game is a python program that simulates real-life stock marketing, saving, and investments
Stock game is a python program that simulates real-life stock marketing, saving, and investments. Users get to trade and manage their portfolio and manage their 100,000 dollar portfolio.
Youtube Downloader is a simple but highly efficient Youtube Video Downloader, made completly using Python
Youtube Downloader is a simple but highly efficient Youtube Video Downloader, made completly using Python
Simple local RPG turn-based to play while learn something using the anki system
Simple local RPG turn-based to play while learn something using the anki system
Simple Python package to convert an image into a quantized image using a customizable palette
Simple Python package to convert an image into a quantized image using a customizable palette. Resulting image can be displayed by ePaper displays such as Waveshare displays.
Visualize a molecule and its conformations in Jupyter notebooks/lab using py3dmol
Mol Viewer This is a simple package wrapping py3dmol for a single command visualization of a RDKit molecule and its conformations (embed as Conformer
A demo project to elaborate how Machine Learn Models are deployed on production using Flask API
This is a salary prediction website developed with the help of machine learning, this makes prediction of salary on basis of few parameters like interview score, experience test score.
Simple game where you try to survive as long as you can on screen.
Survival Game Simple game where you try to survive as long as you can on screen. Play To run, download the code and run the survival_game.py file. Fro
Code infrastructure and player algorithms for the Codenames board game.
Codenames Code infrastructure and player algorithms for the Codenames board game. This is the active fork of mkali-personal/codenames. Intro This is b
Multi-Task Learning as a Bargaining Game.
Nash-MTL Official implementation of "Multi-Task Learning as a Bargaining Game". Setup environment conda create -n nashmtl python=3.9.7 conda activate
Data Augmentation Using Keras and Python
Data-Augmentation-Using-Keras-and-Python Data augmentation is the process of increasing the number of training dataset. Keras library offers a simple
Object Detection using YOLO from PyImageSearch
Object Detection using YOLO from PyImageSearch By applying object detection, you’ll not only be able to determine what is in an image, but also where
Mini is a web browser application based on the Python PyQt web engine, made in 290 lines of code.
Mini Mini is a web browser application based on the Python PyQt web engine, made in 290 lines of code. The code is written and published as is, so the
Project in which we modelise an Among Us problem using graph theories.
Python-AmongUsProblem Project in which we modelise an Among Us problem using graph theories. The rules are as following: Total of 100 players 10 playe
To classify the News into Real/Fake using Features from the Text Content of the article
Hoax-Detector Authenticity of news has now become a major problem. The Idea is to classify the News into Real/Fake using Features from the Text Conten
A test repository to build a python package and publish the package to Artifact Registry using GCB
A test repository to build a python package and publish the package to Artifact Registry using GCB. Then have the package be a dependency in a GCF function.
This is a basic Todo Application API using Django Rest Framework
Todo Application This is a basic Todo Application API using Django Rest Framework. Todo Section - User can View his previously added todo items, creat
Find Transposon Element insertions using long reads (nanopore), by alignment directly. (minimap2)
find_te_ins find_te_ins is designed to find Transposon Element (TE) insertions using long reads (nanopore), by alignment directly. (minimap2) Install
A python script to decrypt media files encrypted using the Android application 'Decrypting 'LOCKED Secret Calculator Vault''. Will identify PIN / pattern.
A python script to decrypt media files encrypted using the Android application 'Decrypting 'LOCKED Secret Calculator Vault''. Will identify PIN / pattern.
FBGen is simple facebook user based wordlist generator using Username/ID and cookie.
FBGen is simple facebook user based wordlist generator using Username/ID and cookie.
An unofficial API for lyricsfreak.com using django and django rest framework.
An unofficial API for lyricsfreak.com using django and django rest framework.
This repository contains the implementation of the paper Contrastive Instance Association for 4D Panoptic Segmentation using Sequences of 3D LiDAR Scans
Contrastive Instance Association for 4D Panoptic Segmentation using Sequences of 3D LiDAR Scans This repository contains the implementation of the pap
Official PyTorch implementation of the paper "Likelihood Training of Schrödinger Bridge using Forward-Backward SDEs Theory (SB-FBSDE)"
Official PyTorch implementation of the paper "Likelihood Training of Schrödinger Bridge using Forward-Backward SDEs Theory (SB-FBSDE)" which introduces a new class of deep generative models that generalizes score-based models to fully nonlinear forward and backward diffusions.
Sleep stages are classified with the help of ML. We have used 4 different ML algorithms (SVM, KNN, RF, NN) to demonstrate them
Sleep stages are classified with the help of ML. We have used 4 different ML algorithms (SVM, KNN, RF, NN) to demonstrate them.
Trafffic prediction analysis using hybrid models - Machine Learning
Hybrid Machine learning Model Clone the Repository Create a new Directory as assests and download the model from the below link Model Link To Start th
This repository contains algorithm and solver for the game WORDLE
Wordle-Cracker This repository contains algorithm and solver for the game WORDLE How to use Run the program: python main.py Type in the guess word in
Simulate a Monopoly game to generate the probabilities of landing on each square.
Monopoly-Probabilities Simulate a Monopoly game to generate the probabilities of landing on each square. While this project originally was inspired by
Trusted sessions for falcon using itsdangerous.
Falcon signed sessions This project allows you to easily add trusted cookies to falcon, it works by storing a signed cookie in the client's browser us
This repository contains Python code examples using the MoneyMoov API
Python Examples This repository contains Python code examples using the MoneyMoov API. The examples are written to operate in the NoFrixion sandbox en
A classic alien shooting game.
Space-Invaders A classic alien shooting game. Description An open source game created by me and friends. How to play Install the latest python version
Anonymously Reverse shell over Tor Network using Hidden Services without portfortwarding
Anonymously Reverse shell over Tor Network using Hidden Services without portfortwarding Tor ağı ile Dark Web servislerini kullanarak anonim biçimde p
A collection of examples of using cocotb for functional verification of VHDL designs with GHDL.
At the moment, this repo is in an early state and serves as a learning tool for me. So it contains a a lot of quirks and code which can be done much better by cocotb-professionals.
Hough Transform and Hough Line Transform Using OpenCV
Hough transform is a feature extraction method for detecting simple shapes such as circles, lines, etc in an image. Hough Transform and Hough Line Transform is implemented in OpenCV with two methods; the Standard Hough Transform and the Probabilistic Hough Line Transform.
Object Tracking and Detection Using OpenCV
Object tracking is one such application of computer vision where an object is detected in a video, otherwise interpreted as a set of frames, and the object’s trajectory is estimated. For instance, you have a video of a baseball match, and you want to track the ball’s location constantly throughout the video.
Recovering Brain Structure Network Using Functional Connectivity
Recovering-Brain-Structure-Network-Using-Functional-Connectivity Framework: Papers: This repository provides a PyTorch implementation of the models ad
Brain tumor detection using Convolution-Neural Network (CNN)
Detect and Classify Brain Tumor using CNN. A system performing detection and classification by using Deep Learning Algorithms using Convolution-Neural Network (CNN).
Earthquake detection via fiber optic cables using deep learning
Earthquake detection via fiber optic cables using deep learning Author: Fantine Huot Getting started Update the submodules After cloning the repositor
Python wrapper and CLI utility to render LaTeX markup and equations as SVG using dvisvgm and svgo.
latex2svg Python wrapper and CLI utility to render LaTeX markup and equations as SVG using dvisvgm and svgo. Based on the original work by Tino Wagner
Using A * search algorithm and GBFS search algorithm to solve the Romanian problem
Romanian-problem-using-Astar-and-GBFS Using A * search algorithm and GBFS search algorithm to solve the Romanian problem Romanian problem: The agent i
Cascaded Deep Video Deblurring Using Temporal Sharpness Prior and Non-local Spatial-Temporal Similarity
This repository is the official PyTorch implementation of Cascaded Deep Video Deblurring Using Temporal Sharpness Prior and Non-local Spatial-Temporal Similarity
Natural language processing summarizer using 3 state of the art Transformer models: BERT, GPT2, and T5
NLP-Summarizer Natural language processing summarizer using 3 state of the art Transformer models: BERT, GPT2, and T5 This project aimed to provide in
Sequence-tagging using deep learning
Classification using Deep Learning Requirements PyTorch version = 1.9.1+cu111 Python version = 3.8.10 PyTorch-Lightning version = 1.4.9 Huggingface
Weather Tracker, made with Python using Open Weather API
Weather Tracker Weather Tracker, made with Python using Open Weather API
Client-Server design (guess the closest number to the average score game)
Multiplayer game (enter the number closest to the average) Design Client-Server design The client's side is responsible for sending numbers from the g
NumPy String-Indexed is a NumPy extension that allows arrays to be indexed using descriptive string labels
NumPy String-Indexed NumPy String-Indexed is a NumPy extension that allows arrays to be indexed using descriptive string labels, rather than conventio
PyHoroscope - Observational Indian lunisolar calendar, horoscope and matching using the Swiss ephemeris
PyHoroscope Observational Indian lunisolar calendar, horoscope and matching usin
Multiple Linear Regression using the LinearRegression class from sklearn.linear_model library
Multiple-Linear-Regression-master - A python program to implement Multiple Linear Regression using the LinearRegression class from sklearn.linear model library
Guess The Random Number - A sample Random Number Guessing Game Python Program
Guess_The_Random_Number This repo contains a simple "Random Number Guessing Game
Balabobapy - Using artificial intelligence algorithms to continue the text
Balabobapy - Using artificial intelligence algorithms to continue the text
SpiderArcadeGame - A game where the player controls a little spider who is trying to protect herself from other invasive bugs
SpiderArcadeGame - A game where the player controls a little spider who is trying to protect herself from other invasive bugs
Conducted ANOVA and Logistic regression analysis using matplot library to visualize the result.
Intro-to-Data-Science Conducted ANOVA and Logistic regression analysis. Project ANOVA The main aim of this project is to perform One-Way ANOVA analysi
Face recognition project by matching the features extracted using SIFT.
MV_FaceDetectionWithSIFT Face recognition project by matching the features extracted using SIFT. By : Aria Radmehr Professor : Ali Amiri Dependencies
N Queen Problem using Genetic Algorithm
The N Queen is the problem of placing N chess queens on an N×N chessboard so that no two queens attack each other.
Building a Mario-like, classic platformer game in Python using the PyGame Library
Building a Mario-like, classic platformer game in Python using the PyGame Library
Start and stop your NiceHash miners using this script.
NiceHash Mining Scheduler Use this script to schedule your NiceHash Miner(s). Electricity costs between 4-9pm are high in my area and I want NiceHash
This application solves sudoku puzzles using a backtracking recursive algorithm
This application solves sudoku puzzles using a backtracking recursive algorithm. The user interface is coded with Pygame to allow users to easily input puzzles.
Web scraper build using python.
Web Scraper This project is made in pyhthon. It took some info. from website list then add them into data.json file. The dependencies used are: reques
Generate Cartoon Images using Generative Adversarial Network
AvatarGAN ✨ Generate Cartoon Images using DC-GAN Deep Convolutional GAN is a generative adversarial network architecture. It uses a couple of guidelin
Generating retro pixel game characters with Generative Adversarial Networks. Dataset "TinyHero" included.
pixel_character_generator Generating retro pixel game characters with Generative Adversarial Networks. Dataset "TinyHero" included. Dataset TinyHero D
Clipboard-watcher - Keep an eye on the apps that are using your clipboard
clipboard-watcher This repository contains the code of an experiment, in order t
Hagia is a 2D game engine and toolset for Python.
HAGIA What is Hagia? Hagia is a 2D game engine and toolset for Python. Hagia has
Github action for automatically determine the version for next release by using repository tags
This action will automatically determine the version for next release by using repository tags
Reso is a low-level circuit design language and simulator, inspired by things like Redstone, Conway's Game of Life, and Wireworld.
Reso Reso is a low-level circuit design language and simulator, inspired by things like Redstone, Conway's Game of Life, and Wireworld. What is Reso?
Basic functions manipulating images using the OpenCV library
OpenCV Basic functions manipulating images using the OpenCV library. Reading Ima
ONNX-GLPDepth - Python scripts for performing monocular depth estimation using the GLPDepth model in ONNX
ONNX-GLPDepth - Python scripts for performing monocular depth estimation using the GLPDepth model in ONNX
NFT Generator - A NFT Generator created using Python
NFT_Generator v1 An NFT Generator created using Python. This NFT Generation tool
Weather Image Recognition - Python weather application using series of data
Weather Image Recognition - Python weather application using series of data
Map Reduce Wordcount in Python using gRPC
This project is implemented in Python using gRPC. The input files are given in .txt format and the word count operation is performed.
This project aims at providing a concise, easy-to-use, modifiable reference implementation for semantic segmentation models using PyTorch.
Semantic Segmentation on PyTorch (include FCN, PSPNet, Deeplabv3, Deeplabv3+, DANet, DenseASPP, BiSeNet, EncNet, DUNet, ICNet, ENet, OCNet, CCNet, PSANet, CGNet, ESPNet, LEDNet, DFANet)
Predict bus arrival time using VertexAI and Nvidia's Jetson Nano
bus_prediction predict bus arrival time using VertexAI and Nvidia's Jetson Nano imagenet the command for imagenet.py look like this python3 /path/to/i
Pytorch implementation of the paper "Enhancing Content Preservation in Text Style Transfer Using Reverse Attention and Conditional Layer Normalization"
Pytorch implementation of the paper "Enhancing Content Preservation in Text Style Transfer Using Reverse Attention and Conditional Layer Normalization"
Geospatial Data Visualization using PyGMT
Example script to visualize topographic data, earthquake data, and tomographic data on a map
Evaluate on three different ML model for feature selection using Breast cancer data.
Anomaly-detection-Feature-Selection Evaluate on three different ML model for feature selection using Breast cancer data. ML models: SVM, KNN and MLP.
ANN model for prediction a spatio-temporal distribution of supercooled liquid in mixed-phase clouds using Doppler cloud radar spectra.
VOODOO Revealing supercooled liquid beyond lidar attenuation Explore the docs » Report Bug · Request Feature Table of Contents About The Project Built
For educational purposes, a simple script that assists in solving the word game Wordle.
WordleSolver For educational purposes, a simple script that assists in solving the word game Wordle. Instructions Pick your first word from the sugges
Learn other languages using artificial intelligence with python.
The main idea of the project is to facilitate the learning of other languages. We created a simple AI that will interact with you. Just ask questions that if she knows, she will answer.
Run PD patches in NRT using Python
The files in this repository demonstrate how to use Pure Data (Pd) patches designed to run in Non-Real-Time mode to batch-process (synthesize, analyze, etc) sounds in series using Python.
A voice based calculator by using termux api in Android
termux_voice_calculator This is. A voice based calculator by using termux api in Android Instagram account 👉 👈 Requirements and installation Downloa
Image Smoothing and Blurring Using OpenCV
Image-Smoothing-and-Blurring-Using-OpenCV This repository contains codes for performing image smoothing and blurring using OpenCV. There are different
Tekken-python-ml - A project of playing tekken game using python
Tekken Python Description Hi this is new project of playing tekken game using py
Adventure-Game - Adventure Game which is created using Python
Adventure Game 🌇 This is a Adventure Game which is created using Python. Featur
Password-Manager - A Password Manager application made using Python. You can use this python application to store and to see the stored passwords
Password Manager 🔑 This is a Password Manager Application which is made using P
Thresholding-and-masking-using-OpenCV - Image Thresholding is used for image segmentation
Image Thresholding is used for image segmentation. From a grayscale image, thresholding can be used to create binary images. In thresholding we pick a threshold T.
ADB-IP-ROTATION - Use your mobile phone to gain a temporary IP address using ADB and data tethering
ADB IP ROTATE This an Python script based on Android Debug Bridge (adb) shell sc
This project is an exciting fun game for beginners to build up
This project is an exciting fun game for beginners to build up. The program generates a random number from 1 to 10, or 1 to 100 any range that is specified and the user must guess the number after a hint from the computer.
Bert4rec for news Recommendation
News-Recommendation-system-using-Bert4Rec-model Bert4rec for news Recommendation
TkArt - A repository created to explore geometry and art creation using TkInter
tkArt A repository created to explore geometry and art creation using TkInter, a
Twitter-Scrapping - Tweeter tweets extracting using python
Twitter-Scrapping Twitter tweets extracting using python This project is to extr
The game company we work for has two events that we want to track: buy an item and join a guild. Each of them has metadata characteristic of such events.
The game company we work for has two events that we want to track: buy an item and join a guild. Each of them has metadata characteristic of such events.
This project proposes a camera vision based cursor control system, using hand moment captured from a webcam through a landmarks of hand by using Mideapipe module
This project proposes a camera vision based cursor control system, using hand moment captured from a webcam through a landmarks of hand by using Mideapipe module
Hellomotoot - PSTN Mastodon Client using Mastodon.py and the Twilio API
Hello MoToot PSTN Mastodon Client using Mastodon.py and the Twilio API. Allows f
A simple quiz app using API and GUI
GUI-Quiz-APP It's a simple quiz app using API and GUI.
Wordle-Python - A simple low-key clone of the popular game WORDLE made with python and a 2D Graphics module Pygame
Wordle-Python A simple low-key clone of the popular game WORDLE made with python
Terminal-Video-Player - A program that can display video in the terminal using ascii characters
Terminal-Video-Player - A program that can display video in the terminal using ascii characters
Mae segmentation - Reproduction of semantic segmentation using masked autoencoder (mae)
ADE20k Semantic segmentation with MAE Getting started Install the mmsegmentation
Tic-Tac-Toe - Tic-Tac-Toe game build With Python
Tic Tac Toe This game is very popular amongst all of us and even fun to build as
Bombcrypto-robot - Python bot to automate BombCrypto game. Updated 01.02.2022
About: This is an open-source bot, the code is open for anyone to see, fork and
ReplitTD - Replit Tower Defense Game
IMPORTANT: I mean no offense at all in this game, this is only based off of cycl
Pyout - A little Krakout clone called Pyout written in Python 3
Pyout My little Krakout clone called Pyout written in Python 3
Code and outputs from analysis determining that the wordle game can always be won in six moves.
wordle_worst_case_analysis Code and outputs from analysis determining that the wordle game can always be won in six moves. This is for the general cas