All Projects → ASD-ML-API → Similar Projects or Alternatives

548 Open source projects that are alternatives of or similar to ASD-ML-API

Python-Machine-Learning-Fundamentals
D-Lab's 6 hour introduction to machine learning in Python. Learn how to perform classification, regression, clustering, and do model selection using scikit-learn and TPOT.
Stars: ✭ 46 (+228.57%)
Mutual labels:  scikit-learn, tpot
mathcore
Advanced .NET math library (.NET Standard).
Stars: ✭ 24 (+71.43%)
Mutual labels:  genetic-algorithm
TF2DeepFloorplan
TF2 Deep FloorPlan Recognition using a Multi-task Network with Room-boundary-Guided Attention. Enable tensorboard, quantization, flask, tflite, docker, github actions and google colab.
Stars: ✭ 98 (+600%)
Mutual labels:  flask-api
Aimandshoot
A neuroevolution game experiment.
Stars: ✭ 201 (+1335.71%)
Mutual labels:  genetic-algorithm
evolvable
An evolutionary computation framework
Stars: ✭ 43 (+207.14%)
Mutual labels:  genetic-algorithm
Movie-Recommendation-Chatbot
Movie Recommendation Chatbot provides information about a movie like plot, genre, revenue, budget, imdb rating, imdb links, etc. The model was trained with Kaggle’s movies metadata dataset. To give a recommendation of similar movies, Cosine Similarity and TFID vectorizer were used. Slack API was used to provide a Front End for the chatbot. IBM W…
Stars: ✭ 33 (+135.71%)
Mutual labels:  scikit-learn
Py Ga Vrptw
A Python Implementation of a Genetic Algorithm-based Solution to Vehicle Routing Problem with Time Windows
Stars: ✭ 246 (+1657.14%)
Mutual labels:  genetic-algorithm
sklearn-matlab
Machine learning in Matlab using scikit-learn syntax
Stars: ✭ 27 (+92.86%)
Mutual labels:  scikit-learn
genetic-algorithm
Genetic algorithm for walking simulation. Online demo: https://rossning92.github.io/genetic-algorithm/
Stars: ✭ 86 (+514.29%)
Mutual labels:  genetic-algorithm
Classic Pool Game
Classic 8 Ball pool game written in JavaScript
Stars: ✭ 177 (+1164.29%)
Mutual labels:  genetic-algorithm
Featureselectionga
Feature Selection using Genetic Algorithm (DEAP Framework)
Stars: ✭ 150 (+971.43%)
Mutual labels:  genetic-algorithm
pipeline
PipelineAI Kubeflow Distribution
Stars: ✭ 4,154 (+29571.43%)
Mutual labels:  scikit-learn
hub
Public reusable components for Polyaxon
Stars: ✭ 8 (-42.86%)
Mutual labels:  scikit-learn
lending-club
Applying machine learning to predict loan charge-offs on LendingClub.com
Stars: ✭ 39 (+178.57%)
Mutual labels:  scikit-learn
scitime
Training time estimation for scikit-learn algorithms
Stars: ✭ 119 (+750%)
Mutual labels:  scikit-learn
kenchi
A scikit-learn compatible library for anomaly detection
Stars: ✭ 36 (+157.14%)
Mutual labels:  scikit-learn
self-propelled-satellites
The system is formed by self-propelled satellites influenced by the Sun whose objective is not to leave the domain maintaining the maximum possible speed.
Stars: ✭ 18 (+28.57%)
Mutual labels:  genetic-algorithm
Neural Network P5
Deprecated! See:
Stars: ✭ 218 (+1457.14%)
Mutual labels:  genetic-algorithm
RobustPCA
No description or website provided.
Stars: ✭ 15 (+7.14%)
Mutual labels:  scikit-learn
Genetic Cnn
CNN architecture exploration using Genetic Algorithm
Stars: ✭ 183 (+1207.14%)
Mutual labels:  genetic-algorithm
machine-learning-blackjack-solution
Finding an optimal Blackjack strategy using AI
Stars: ✭ 40 (+185.71%)
Mutual labels:  genetic-algorithm
Galgo 2.0
Genetic Algorithm in C++ with template metaprogramming and abstraction for constrained optimization
Stars: ✭ 155 (+1007.14%)
Mutual labels:  genetic-algorithm
scikit-hyperband
A scikit-learn compatible implementation of hyperband
Stars: ✭ 68 (+385.71%)
Mutual labels:  scikit-learn
imbalanced-ensemble
Class-imbalanced / Long-tailed ensemble learning in Python. Modular, flexible, and extensible. | 模块化、灵活、易扩展的类别不平衡/长尾机器学习库
Stars: ✭ 199 (+1321.43%)
Mutual labels:  scikit-learn
Bluepyopt
Blue Brain Python Optimisation Library
Stars: ✭ 143 (+921.43%)
Mutual labels:  genetic-algorithm
Evolutionsimulator
Evolution Simulator with Box2D
Stars: ✭ 143 (+921.43%)
Mutual labels:  genetic-algorithm
TF-Speech-Recognition-Challenge-Solution
Source code of the model used in Tensorflow Speech Recognition Challenge (https://www.kaggle.com/c/tensorflow-speech-recognition-challenge). The solution ranked in top 5% in private leaderboard.
Stars: ✭ 58 (+314.29%)
Mutual labels:  scikit-learn
Trajectory-Analysis-and-Classification-in-Python-Pandas-and-Scikit-Learn
Formed trajectories of sets of points.Experimented on finding similarities between trajectories based on DTW (Dynamic Time Warping) and LCSS (Longest Common SubSequence) algorithms.Modeled trajectories as strings based on a Grid representation.Benchmarked KNN, Random Forest, Logistic Regression classification algorithms to classify efficiently t…
Stars: ✭ 41 (+192.86%)
Mutual labels:  scikit-learn
notebooks
A docker-based starter kit for machine learning via jupyter notebooks. Designed for those who just want a runtime environment and get on with machine learning. Docker tags:
Stars: ✭ 29 (+107.14%)
Mutual labels:  scikit-learn
face rating
Face/Beauty Rating with both the traditional ML approaches and Convolutional Neural Network Approach
Stars: ✭ 68 (+385.71%)
Mutual labels:  scikit-learn
moses
MOSES Machine Learning: Meta-Optimizing Semantic Evolutionary Search. See also AS-MOSES https://github.com/opencog/asmoses but kept to guaranty backward compatibility.
Stars: ✭ 127 (+807.14%)
Mutual labels:  genetic-algorithm
logtoes
Demo of Asynchronous pattern (worker) using Python Flask & Celery
Stars: ✭ 49 (+250%)
Mutual labels:  flask-api
datafsm
Machine Learning Finite State Machine Models from Data with Genetic Algorithms
Stars: ✭ 14 (+0%)
Mutual labels:  genetic-algorithm
NSGAII.jl
A NSGA-II implementation in Julia
Stars: ✭ 18 (+28.57%)
Mutual labels:  genetic-algorithm
UofT-Timetable-Generator
A web application that generates timetables for university students at the University of Toronto
Stars: ✭ 34 (+142.86%)
Mutual labels:  genetic-algorithm
AI-Programming-using-Python
This repository contains implementation of different AI algorithms, based on the 4th edition of amazing AI Book, Artificial Intelligence A Modern Approach
Stars: ✭ 43 (+207.14%)
Mutual labels:  genetic-algorithm
Ml Games
Machine learning games. Use combination of genetic algorithms and neural networks to control the behaviour of in-game objects.
Stars: ✭ 247 (+1664.29%)
Mutual labels:  genetic-algorithm
CreditCard Fraud Detection
利用Logistic回归实现信用卡欺诈检测
Stars: ✭ 31 (+121.43%)
Mutual labels:  scikit-learn
Circle Evolution
Evolutionary Art Using Circles in Python
Stars: ✭ 237 (+1592.86%)
Mutual labels:  genetic-algorithm
KnapsackFX
Solving Knapsack 0/1 problem with various Local Search algorithms like Hill Climbing, Genetic Algorithms, Simulated Annealing, Tabu Search
Stars: ✭ 25 (+78.57%)
Mutual labels:  genetic-algorithm
Pysr
Simple, fast, and parallelized symbolic regression in Python/Julia via regularized evolution and simulated annealing
Stars: ✭ 213 (+1421.43%)
Mutual labels:  genetic-algorithm
Drowsy
💤🖌️ AI making tiny Bitsy video games. Features an experimental generative structure inspired by GANs and Genetic Algorithms
Stars: ✭ 19 (+35.71%)
Mutual labels:  genetic-algorithm
Watchmaker
The Watchmaker Framework for Evolutionary Computation
Stars: ✭ 189 (+1250%)
Mutual labels:  genetic-algorithm
pygrams
Extracts key terminology (n-grams) from any large collection of documents (>1000) and forecasts emergence
Stars: ✭ 52 (+271.43%)
Mutual labels:  scikit-learn
Scikit Opt
Genetic Algorithm, Particle Swarm Optimization, Simulated Annealing, Ant Colony Optimization Algorithm,Immune Algorithm, Artificial Fish Swarm Algorithm, Differential Evolution and TSP(Traveling salesman)
Stars: ✭ 2,791 (+19835.71%)
Mutual labels:  genetic-algorithm
scikit-learn-intelex
Intel(R) Extension for Scikit-learn is a seamless way to speed up your Scikit-learn application
Stars: ✭ 887 (+6235.71%)
Mutual labels:  scikit-learn
Evolutionary Computation Course
Jupyter/IPython notebooks about evolutionary computation.
Stars: ✭ 173 (+1135.71%)
Mutual labels:  genetic-algorithm
100DaysOfMLCode
I am taking up the #100DaysOfMLCode Challenge 😎
Stars: ✭ 12 (-14.29%)
Mutual labels:  scikit-learn
Eiten
Statistical and Algorithmic Investing Strategies for Everyone
Stars: ✭ 2,197 (+15592.86%)
Mutual labels:  genetic-algorithm
introduction-to-neural-networks
No description or website provided.
Stars: ✭ 23 (+64.29%)
Mutual labels:  scikit-learn
Fantasy Basketball
Scraping statistics, predicting NBA player performance with neural networks and boosting algorithms, and optimising lineups for Draft Kings with genetic algorithm. Capstone Project for Machine Learning Engineer Nanodegree by Udacity.
Stars: ✭ 146 (+942.86%)
Mutual labels:  genetic-algorithm
Dino-AI
An AI to teach Google Chrome's dinosaur to jump obstacles.
Stars: ✭ 15 (+7.14%)
Mutual labels:  genetic-algorithm
Mlkit
A simple machine learning framework written in Swift 🤖
Stars: ✭ 144 (+928.57%)
Mutual labels:  genetic-algorithm
PredictionAPI
Tutorial on deploying machine learning models to production
Stars: ✭ 56 (+300%)
Mutual labels:  scikit-learn
Evolutionary.jl
Evolutionary & genetic algorithms for Julia
Stars: ✭ 142 (+914.29%)
Mutual labels:  genetic-algorithm
intro-to-ml
A basic introduction to machine learning (one day training).
Stars: ✭ 15 (+7.14%)
Mutual labels:  scikit-learn
emoji-prediction
🤓🔮🔬 Emoji prediction from a text using machine learning
Stars: ✭ 41 (+192.86%)
Mutual labels:  scikit-learn
bayarea-2019-scikit-sprint
Bay Area WiMLDS scikit-learn open source sprint (Nov 2, 2019)
Stars: ✭ 16 (+14.29%)
Mutual labels:  scikit-learn
A-quantum-inspired-genetic-algorithm-for-k-means-clustering
Implementation of a Quantum inspired genetic algorithm proposed by A quantum-inspired genetic algorithm for k-means clustering paper.
Stars: ✭ 28 (+100%)
Mutual labels:  genetic-algorithm
sktime-tutorial-pydata-amsterdam-2020
Introduction to Machine Learning with Time Series at PyData Festival Amsterdam 2020
Stars: ✭ 115 (+721.43%)
Mutual labels:  scikit-learn
1-60 of 548 similar projects