955 Repositories
Python search-algorithm Libraries
Pywonderland - A tour in the wonderland of math with python.
A Tour in the Wonderland of Math with Python A collection of python scripts for drawing beautiful figures and animating interesting algorithms in math
AutoGluon: AutoML for Text, Image, and Tabular Data
AutoML for Text, Image, and Tabular Data AutoGluon automates machine learning tasks enabling you to easily achieve strong predictive performance in yo
Yet another googlesearch - A Python library for executing intelligent, realistic-looking, and tunable Google searches.
yagooglesearch - Yet another googlesearch Overview yagooglesearch is a Python library for executing intelligent, realistic-looking, and tunable Google
Implementation of hyperparameter optimization/tuning methods for machine learning & deep learning models
Hyperparameter Optimization of Machine Learning Algorithms This code provides a hyper-parameter optimization implementation for machine learning algor
Detectron2-FC a fast construction platform of neural network algorithm based on detectron2
What is Detectron2-FC Detectron2-FC a fast construction platform of neural network algorithm based on detectron2. We have been working hard in two dir
Numerical-computing-is-fun - Learning numerical computing with notebooks for all ages.
As much as this series is to educate aspiring computer programmers and data scientists of all ages and all backgrounds, it is also a reminder to mysel
A Tensorflow implementation of CapsNet based on Geoffrey Hinton's paper Dynamic Routing Between Capsules
CapsNet-Tensorflow A Tensorflow implementation of CapsNet based on Geoffrey Hinton's paper Dynamic Routing Between Capsules Notes: The current version
Client - ๐ฅ A tool for visualizing and tracking your machine learning experiments
Weights and Biases Use W&B to build better models faster. Track and visualize all the pieces of your machine learning pipeline, from datasets to produ
A supercharged version of paperless: scan, index and archive all your physical documents
Paperless-ng Paperless (click me) is an application by Daniel Quinn and contributors that indexes your scanned documents and allows you to easily sear
PickMush - A mini study/project on boosting algorithm
PickMush A mini project implementing Boosting Author Shashwat Vaibhav What does it do? Classifies whether Mushroom is edible or is non-edible (binary
Multi agent DDPG algorithm written in Python + Pytorch
Multi agent DDPG algorithm written in Python + Pytorch. It also includes a Jupyter notebook, Tennis.ipynb, as a showcase.
The-Secret-Sharing-Schemes - This interactive script demonstrates the Secret Sharing Schemes algorithm
The-Secret-Sharing-Schemes This interactive script demonstrates the Secret Shari
Search-Engine - ๐ AI based search engine
Search Engine AI based search engine that was trained on 25000 samples, feel free to train on up to 1.2M sample from kaggle dataset, link below StackS
Apriori - An algorithm for frequent item set mining and association rule learning over relational databases
Apriori Apriori is an algorithm for frequent item set mining and association rul
Hyperopt for solving CIFAR-100 with a convolutional neural network (CNN) built with Keras and TensorFlow, GPU backend
Hyperopt for solving CIFAR-100 with a convolutional neural network (CNN) built with Keras and TensorFlow, GPU backend This project acts as both a tuto
Image-Bot-Discord - This Is a discord bot that shows the specific image you search from Google
Advanced Discord.py Image Bot CREDITS Made by RLX and Mathiscool README by Milrato Installation Guide in .env Adjust the TOKEN python main.py to start
Image-Stitching - Panorama composition using SIFT Features and a custom implementaion of RANSAC algorithm
About The Project Panorama composition using SIFT Features and a custom implementaion of RANSAC algorithm (Random Sample Consensus). Author: Andreas P
Ladder network is a deep learning algorithm that combines supervised and unsupervised learning
This repository contains source code for the experiments in a paper titled Semi-Supervised Learning with Ladder Networks by A Rasmus, H Valpola, M Hon
SemiNAS: Semi-Supervised Neural Architecture Search
SemiNAS: Semi-Supervised Neural Architecture Search This repository contains the code used for Semi-Supervised Neural Architecture Search, by Renqian
Python implementation of Aho-Corasick algorithm for string searching
Python implementation of Aho-Corasick algorithm for string searching
QRec: A Python Framework for quick implementation of recommender systems (TensorFlow Based)
Introduction QRec is a Python framework for recommender systems (Supported by Python 3.7.4 and Tensorflow 1.14+) in which a number of influential and
Need: Image Search With Python
Need: Image Search The problem is that a user needs to search for a specific ima
In this work, we will implement some basic but important algorithm of machine learning step by step.
WoRkS continued English ไธญๆ Franรงais Probability Density Estimation-Non-Parametric Methods(ๆฆ็ๅฏๅบฆไผฐ่ฎก-้ๅๆฐๆนๆณ) 1. Kernel / k-Nearest Neighborhood Density Est
Pythonic search engine based on PyLucene.
Lupyne is a search engine based on PyLucene, the Python extension for accessing Java Lucene. Lucene is a relatively low-level toolkit, and PyLucene wr
Manage your XYZ Hub or HERE Data Hub spaces from Python.
XYZ Spaces for Python Manage your XYZ Hub or HERE Data Hub spaces and Interactive Map Layer from Python. FEATURED IN: Online Python Machine Learning C
This is an Airport Scheduling Time table implemented using Genetic Algorithm
This is an Airport Scheduling Time table implemented using Genetic Algorithm In this The scheduling is performed on the basisi of that no two Air planes are arriving or departing at the same runway at the same time and day there are total of 4 Airplanes 3 and 3 Runways.
Code repository accompanying the paper "On Adversarial Robustness: A Neural Architecture Search perspective"
On Adversarial Robustness: A Neural Architecture Search perspective Preparation: Clone the repository: https://github.com/tdchaitanya/nas-robustness.g
A blind SQL injection script that uses binary search aka bisection method to dump datas from database.
Blind SQL Injection I wrote this script to solve PortSwigger Web Security Academy's particular Blind SQL injection with conditional responses lab. Bec
Python scripts aim to use a Random Forest machine learning algorithm to predict the water affinity of Metal-Organic Frameworks
The following Python scripts aim to use a Random Forest machine learning algorithm to predict the water affinity of Metal-Organic Frameworks (MOFs). The training set is extracted from the Cambridge Structural Database and the CoRE_MOF 2019 dataset.
gcrypter: an encryption algorithm based on bytes and their correspondent numbers to encode strings
gcrypter: an encryption algorithm based on bytes and their correspondent numbers to encode strings
Tic-tac-toe with minmax algorithm.
Tic-tac-toe Tic-tac-toe game with minmax algorithm which is a research algorithm his objective is to find the best move to play by going through all t
QI-Q RoboMaster2022 CV Algorithm
QI-Q RoboMaster2022 CV Algorithm
Extract city and country mentions from Text like GeoText without regex, but FlashText, a Aho-Corasick implementation.
flashgeotext โก ๐ Extract and count countries and cities (+their synonyms) from text, like GeoText on steroids using FlashText, a Aho-Corasick impleme
txtai: Build AI-powered semantic search applications in Go
txtai: Build AI-powered semantic search applications in Go txtai executes machine-learning workflows to transform data and build AI-powered semantic s
A search engine to query social media insights with political theme
social-insights Social insights is an open source big data project that generates insights about various interesting topics happening every day. Curre
FingerPy is a algorithm to measure, analyse and monitor heart-beat using only a video of the user's finger on a mobile cellphone camera.
FingerPy is a algorithm using python, scipy and fft to measure, analyse and monitor heart-beat using only a video of the user's finger on a m
Slight modification to one of the Facebook Salina examples, to test the A2C algorithm on financial series.
Facebook Salina - Gym_AnyTrading Slight modification of Facebook Salina Reinforcement Learning - A2C GPU example for financial series. The gym FOREX d
Data Model built using Logistic Regression Algorithm on Python.
Logistic-Regression Problem Statement: Your client is a retail banking institution. Term deposits are a major source of income for a bank. A term depo
An open source, non-profit search engine implemented in python
Mwmbl: No ads, no tracking, no cruft, no profit Mwmbl is a non-profit, ad-free, free-libre and free-lunch search engine with a focus on useability and
Google Search Results via SERP API pip Python Package
Google Search Results in Python This Python package is meant to scrape and parse search results from Google, Bing, Baidu, Yandex, Yahoo, Home depot, E
SubGrab is a utility that allows you to automate subtitles downloading for your media files.
SubGrab - Command-line Subtitles Downloader: A utility which provides an ease for automating media i.e., Movies, TV-Series subtitle scraping from mult
PatZilla is a modular patent information research platform and data integration toolkit with a modern user interface and access to multiple data sources.
PatZilla is a modular patent information research platform and data integration toolkit with a modern user interface and access to multiple data sources.
ForFinder is a search tool for folder and files
ForFinder is a search tool for folder and files. You can use that when you Source Code Analysis at your project's local files or other projects that you are download. Enter a root path and keyword to ForFinder.
Qt-GUI implementation of the YOLOv5 algorithm (ver.6 and ver.5)
YOLOv5-GUI ๐ YOLOv5็ฎๆณ(ver.6ๅver.5)็Qt-GUIๅฎ็ฐ ๐ Qt-GUI implementation of the YOLOv5 algorithm (ver.6 and ver.5). ๅบไบYOLOv5็v5็ๆฌๅv6็ๆฌๅJavacrๅคงไฝฌ็UI้ป่พ่ฟ่ก็ผๅ
This is an implementation of the QuickHull algorithm in Python. I
QuickHull This is an implementation of the QuickHull algorithm in Python. It randomly generates a set of points and finds the convex hull of this set
Baseline inference Algorithm for the STOIC2021 challenge.
STOIC2021 Baseline Algorithm This codebase contains an example submission for the STOIC2021 COVID-19 AI Challenge. As a baseline algorithm, it impleme
A Python program to easily solve the n-queens problem using min-conflicts algorithm
QueensProblem A program to easily solve the n-queens problem using min-conflicts algorithm Performances estimated with a sample of 1000 different rand
Index different CKAN entities in Solr, not just datasets
ckanext-sitesearch Index different CKAN entities in Solr, not just datasets Requirements This extension requires CKAN 2.9 or higher and Python 3 Featu
Decision Tree Regression algorithm implemented on Python from scratch.
Decision_Tree_Regression I implemented the decision tree regression algorithm on Python. Unlike regular linear regression, this algorithm is used when
Aria & Qbittorent Mirror Bot
Eunha Mirror Eunha Mirror is a multipurpose Telegram Bot writen in Python for mirroring files on the Internet to our beloved Google Drive. Features su
SIR model parameter estimation using a novel algorithm for differentiated uniformization.
TenSIR Parameter estimation on epidemic data under the SIR model using a novel algorithm for differentiated uniformization of Markov transition rate m
Navigate torrents in CLI with Mariner.
Navigate torrents in CLI with Mariner. It offers a simple interface for streamlined experience. No more annoying ads and pop-up windows.
Free and Open, Distributed, RESTful Search Engine
Elasticsearch Elasticsearch is the distributed, RESTful search and analytics engine at the heart of the Elastic Stack. You can use Elasticsearch to st
Official PyTorch implementation of "Evolving Search Space for Neural Architecture Search"
Evolving Search Space for Neural Architecture Search Usage Install all required dependencies in requirements.txt and replace all ..path/..to in the co
Breaking the Curse of Space Explosion: Towards Efficient NAS with Curriculum Search
Breaking the Curse of Space Explosion: Towards Effcient NAS with Curriculum Search Pytorch implementation for "Breaking the Curse of Space Explosion:
Fastest Gephi's ForceAtlas2 graph layout algorithm implemented for Python and NetworkX
ForceAtlas2 for Python A port of Gephi's Force Atlas 2 layout algorithm to Python 2 and Python 3 (with a wrapper for NetworkX and igraph). This is the
This project consists of a collaborative filtering algorithm to predict movie reviews ratings from a dataset of Netflix ratings.
Collaborative Filtering - Netflix movie reviews Description This project consists of a collaborative filtering algorithm to predict movie reviews rati
Predict Breast Cancer Wisconsin (Diagnostic) using Naive Bayes
Naive-Bayes Predict Breast Cancer Wisconsin (Diagnostic) using Naive Bayes Downloading Data Set Use our Breast Cancer Wisconsin Data Set Also you can
A script to search, scrape and scan for Apache Log4j CVE-2021-44228 affected files using Google dorks
Log4j dork scanner This is an auto script to search, scrape and scan for Apache Log4j CVE-2021-44228 affected files using Google dorks. Installation:
Implementation of the ALPHAMEPOL algorithm, presented in Unsupervised Reinforcement Learning in Multiple Environments.
ALPHAMEPOL This repository contains the implementation of the ALPHAMEPOL algorithm, presented in Unsupervised Reinforcement Learning in Multiple Envir
A basic duplicate image detection service using perceptual image hash functions and nearest neighbor search, implemented using faiss, fastapi, and imagehash
Duplicate Image Detection Getting Started Install dependencies pip install -r requirements.txt Run service python main.py Testing Test with pytest How
Lightweight utility tools for the detection of multiple spellings, meanings, and language-specific terminology in British and American English
Breame ( British English and American English) Breame is a lightweight Python package with a number of utility tools to aid in the detection of words
Deep Reinforcement Learning based autonomous navigation for quadcopters using PPO algorithm.
PPO-based Autonomous Navigation for Quadcopters This repository contains an implementation of Proximal Policy Optimization (PPO) for autonomous naviga
Implementation of K-Nearest Neighbors Algorithm Using PySpark
KNN With Spark Implementation of KNN using PySpark. The KNN was used on two separate datasets (https://archive.ics.uci.edu/ml/datasets/iris and https:
Testing the Facial Emotion Recognition (FER) algorithm on animations
PegHeads-Tutorial-3 Testing the Facial Emotion Recognition (FER) algorithm on animations
Implement object segmentation on images using HOG algorithm proposed in CVPR 2005
HOG Algorithm Implementation Description HOG (Histograms of Oriented Gradients) Algorithm is an algorithm aiming to realize object segmentation (edge
Search email inbox with python and filter with search criteria via IMAP4 and fastapi or console
Search email inbox with python and filter with search criteria via IMAP4 and fastapi or console
Algorithm to texture 3D reconstructions from multi-view stereo images
MVS-Texturing Welcome to our project that textures 3D reconstructions from images. This project focuses on 3D reconstructions generated using structur
Yuno is context based search engine for anime.
Yuno yuno.mp4 Table of Contents Introduction Power Of Yuno Try Yuno How Yuno was created? References Introduction Yuno is a context based search engin
DaProfiler allows you to get emails, social medias, adresses, works and more on your target using web scraping and google dorking techniques
DaProfiler allows you to get emails, social medias, adresses, works and more on your target using web scraping and google dorking techniques, based in France Only. The particularity of this program is its ability to find your target's e-mail adresses.
An algorithm to reach a correlated equilibrium in multiplayer games.
Correlatedpy: a python library for distributed learning of correlated equilibrium in multiplayer strategic games. View Demo ยท Report Bug ยท Request Fea
GoSearch for anything from your terminal
GoSearch for anything from your terminal Requirements pip install beautifulsoup4
BERT-based Financial Question Answering System
BERT-based Financial Question Answering System In this example, we use Jina, PyTorch, and Hugging Face transformers to build a production-ready BERT-b
Continuously evaluated, functional, incremental, time-series forecasting
timemachines Autonomous, univariate, k-step ahead time-series forecasting functions assigned Elo ratings You can: Use some of the functionality of a s
QRec: A Python Framework for quick implementation of recommender systems (TensorFlow Based)
Introduction QRec is a Python framework for recommender systems (Supported by Python 3.7.4 and Tensorflow 1.14+) in which a number of influential and
A high-level yet extensible library for fast language model tuning via automatic prompt search
ruPrompts ruPrompts is a high-level yet extensible library for fast language model tuning via automatic prompt search, featuring integration with Hugg
This is a Boids Simulation, written in Python with Pygame.
PyNBoids A Python Boids Simulation This is a Boids simulation, written in Python3, with Pygame2 and NumPy. To use: Save the pynboids_sp.py file (and n
The official implementation of the Hybrid Self-Attention NEAT algorithm
PUREPLES - Pure Python Library for ES-HyperNEAT About This is a library of evolutionary algorithms with a focus on neuroevolution, implemented in pure
A Python web searcher library with different search engines
Robert A simple Python web searcher library with different search engines. Install pip install roberthelper Usage from robert import GoogleSearcher
Nystromformer: A Nystrom-based Algorithm for Approximating Self-Attention
Nystromformer: A Nystrom-based Algorithm for Approximating Self-Attention April 6, 2021 We extended segment-means to compute landmarks without requiri
Programming of a spanning tree algorithm with Python : In depth first with a root node.
ST Algorithm Programming of a spanning tree algorithm with Python : In depth first with a root node. Description This programm reads informations abou
Official implementation for Scale-Aware Neural Architecture Search for Multivariate Time Series Forecasting
1 SNAS4MTF This repo is the official implementation for Scale-Aware Neural Architecture Search for Multivariate Time Series Forecasting. 1.1 The frame
Search ports in multiples hosts
Search Port โจ Multiples Searchs โจ Create list hosts Create list targets Start Require Python 3.10.0+. python main.py Struture Function Directory load_
A program which takes an Anime name or URL and downloads the specified range of episodes.
super-anime-downloader A console application written in Python3.x (GUI will be added soon) which takes a Anime Name/URL as input and downloads the ran
Powerful unsupervised domain adaptation method for dense retrieval.
Powerful unsupervised domain adaptation method for dense retrieval
This repository is the official implementation of the Hybrid Self-Attention NEAT algorithm.
This repository is the official implementation of the Hybrid Self-Attention NEAT algorithm. It contains the code to reproduce the results presented in the original paper: https://arxiv.org/abs/2112.03670
Search for terms(word / table / field name or any) under Snowflake schema names
snowflake-search-terms-in-ddl-views Search for terms(word / table / field name or any) under Snowflake schema names Version : 1.0v How to use ? Run th
Learn about quantum computing and algorithm on quantum computing
quantum_computing this repo contains everything i learn about quantum computing and algorithm on quantum computing what is aquantum computing quantum
An algorithm study of the 6th iOS 10 set of Boost Camp Web Mobile
์๊ณ ๋ฆฌ์ฆ ์คํฐ๋ ๐ฅ ๋ถ์คํธ์บ ํ ์น๋ชจ๋ฐ์ผ 6๊ธฐ iOS 10์กฐ์ ์๊ณ ๋ฆฌ์ฆ ์คํฐ๋ ์ ๋๋ค. ๊ฐ์ธ์ ์ธ ์ฌ์ ๋ฑ์ผ๋ก S034, S055๋ง ์ฐธ๊ฐํ์์ต๋๋ค. ์คํฐ๋ ๋ชฉ์ ์์ง: ์ฝํ ํฉ๊ฒฉ + ๋ถ์บ ๋๋๊ณ ์์นจ์ ์ผ์ด๋๊ธฐ ์ํด ํ์ํ ์ฌ์ดํด ๊ธฐ์: ๊พธ์คํ๊ฒ ์๋ฆฌ์ ์์ ๊ณต๋ถํ๊ธฐ +
Simulating an AI playing 2048 using the Expectimax algorithm
2048-expectimax Simulating an AI playing 2048 using the Expectimax algorithm The base game engine uses code from here. The AI player is modeled as a m
Python Algorithm Interview Book Review
ํ์ด์ฌ ์๊ณ ๋ฆฌ์ฆ ์ธํฐ๋ทฐ ์ฑ ๋ฆฌ๋ทฐ ๋ฆฌ๋ทฐ IT ๋๊ธฐ์ ์ ๋ค์ด๊ฐ๊ณ ์ถ์ ๋ชฉํ๊ฐ ์๋ค. ๋ด๊ฐ ๊ฟ๊ฟ์จ ํ์ฌ์์ ์ผํ๋ ์ฌ๋๋ค์ ๋ชจ์ต์ ๋ณด๋ฉด ๋ฉ์๋ค๊ณ ์๊ฐ์ด ๋ค๊ณ ๋์ ๋ชฉํ์ ๋ํ ์ด๋ง์ด ๊ฐํด์ง๋ ๊ฒ ๊ฐ๋ค. ๋ฏธ๋์ ํต์ฌ ์ฌ์ ์ค ํ๋์ธ SW ๋ถ๋ถ์ ์ด๋๊ณ ๋ฐ์ ์ํค๋ ์ฐ๋ฆฌ๋๋ผ์ I
YouTube Video Search Engine For Python
YouTube-Video-Search-Engine Introduction With the increasing demand for electronic devices, it is hard for people to choose the best products from mul
Weighted K Nearest Neighbors (kNN) algorithm implemented on python from scratch.
kNN_From_Scratch I implemented the k nearest neighbors (kNN) classification algorithm on python. This algorithm is used to predict the classes of new
Anonfiles files leaker via keyword.
Anonfiles files leaker via keyword
PyGAD, a Python 3 library for building the genetic algorithm and training machine learning algorithms (Keras & PyTorch).
PyGAD: Genetic Algorithm in Python PyGAD is an open-source easy-to-use Python 3 library for building the genetic algorithm and optimizing machine lear
This repository is an individual project made at BME with the topic of self-driving car simulator and control algorithm.
BME individual project - NEAT based self-driving car This repository is an individual project made at BME with the topic of self-driving car simulator
How the Deep Q-learning method works and discuss the new ideas that makes the algorithm work
Deep Q-Learning Recommend papers The first step is to read and understand the method that you will implement. It was first introduced in a 2013 paper
CLI Eight Puzzle mini-game featuring BFS, DFS, Greedy and A* searches as solver algorithms.
๐น Eight Puzzle CLI Jogo do quebra-cabeรงas de 8 peรงas em linha de comando desenvolvido para a disciplina de Inteligรชncia Artificial. Escrito em python
๐ฒ A simple BST (Binary Search Tree) generator written in python
Tree-Traversals (BST) ๐ฒ A simple BST (Binary Search Tree) generator written in python Installation Use the package manager pip to install BST. Usage
Search for files under the specified directory. Extract the file name and file path and import them as data.
Search for files under the specified directory. Extract the file name and file path and import them as data. Based on that, search for the file, select it and open it.