An open API service indexing awesome lists of open source software.

Projects in Awesome Lists by geekquad

A curated list of projects in awesome lists by geekquad .

https://github.com/geekquad/algobook

A beginner-friendly project to help you in open-source contributions. Data Structures & Algorithms in various programming languages Please leave a star ⭐ to support this project! ✨

beginner beginner-friendly cpp deep-learning first-contributions first-pull-request first-pull-request-and-commit first-timers golang good-first-issue hacktoberfest machinelearning open-source opensource pr-welcome python python3 up-for-grabs

Last synced: 12 Apr 2025

https://github.com/geekquad/pixel-processing

📷 This repository is focused on having various feature implementation of OpenCV in Python. The aim is to have a minimal implementation of all OpenCV features together, under one roof.

computer-vision hacktoberfest hacktoberfest2021 image-processing implementation jupyter-notebook machine-learning open-source opencv opencv-python python scratch-implementation

Last synced: 15 Mar 2025

https://github.com/geekquad/quiz.ai

An Encrypted Automatic Multiple-Choice Question Generator for Self-Assessment Using Natural Language Processing

aqg-nlp nlp-machine-learning

Last synced: 24 Feb 2025

https://github.com/geekquad/color-recognizer

An application that provides color names and HTML/RGB mappings as output.

color-recognition computer-vision cv2

Last synced: 24 Feb 2025

https://github.com/geekquad/textgen

The main task of the character-level language model is to predict the next character given all previous characters in a sequence of data, i.e. generates text character by character.

deep-learning lstm-neural-networks python3 pytorch rnn-language-model rnn-lstm rnn-pytorch

Last synced: 12 Feb 2025

https://github.com/geekquad/standsum

A PyPI package that does extractive text summarizer using Cosine Methods in NLTK.

cosine-similarity-scores nltk pypi-package summarizer

Last synced: 23 Mar 2025

https://github.com/geekquad/deep-dream

A computer vision program which uses a convolutional neural network to find and enhance patterns in images, thus creating a dream-like hallucinogenic appearance in the deliberately over-processed images.

cnn computer-vision convolutional-neural-networks deep-learning pytorch style-transfer textures vgg-19

Last synced: 12 Feb 2025

https://github.com/geekquad/facial-recognition-with-pca

Face Recognition Implementation using PCA, eigenfaces, and SVM

eigenfaces face-recognition gridsearchcv lfw-dataset pca sklearn svm-classifier

Last synced: 24 Feb 2025

https://github.com/geekquad/lung-cancer-detection

Data Science Bowl Challenge (DSB3)

Last synced: 24 Feb 2025

https://github.com/geekquad/feature-scaling

A package that can transform features by scaling each feature into a given range. This is more lightweight and easy to use than sklearn.preprocessing.MinMaxScaler

features-scaler pypi-package

Last synced: 24 Feb 2025

https://github.com/geekquad/customer-segments

Analyzing a dataset containing data on various customers' annual spending amounts of diverse product categories for internal structure. Doing so would equip the distributor with insight into how to best structure their delivery service to meet the needs of each customer.

customer-segmentation customer-segmentation-analysis gmm-clustering visualization

Last synced: 24 Feb 2025

https://github.com/geekquad/handwritten-digit-mlp-classification

Using Multi Layer Perceptron to build the model. Classifies the handwritten digits of the MNIST database with around 98% accuracy.

handwritten-digits mnist-database pytorch

Last synced: 24 Feb 2025

https://github.com/geekquad/binogauss

A package that can calculate Gaussian as well as Binomial distributions.

binomial-distribution gaussian-distribution pypi-package python3

Last synced: 24 Feb 2025

https://github.com/geekquad/titanic-survival-exploration

Very basic data exploration of the Titanic Dataset.

basic-learning eda titanic-survival-prediction

Last synced: 24 Feb 2025

https://github.com/geekquad/flower-prediction

Basic Iris Flower Prediction. Learning how to host ML models using Flask and deploy it using Heroku.

flask-application heroku iris ml

Last synced: 24 Feb 2025

https://github.com/geekquad/classifying-fashion-clothes

Fashion-MNIST is a dataset of Zalando's article images, consisting of a training set of 60,000 examples and a test set of 10,000 examples. Each example is a 28x28, gray-scale image, associated with a label from 10 classes.

fashion-mnist gray-scale-image image-classification python3 pytorch zalando-article-images

Last synced: 24 Feb 2025

https://github.com/geekquad/adaboost-from-scratch

A basic implementation of AdaBoost algorithm from Scratch.

adaboost adaboostclassifier sklearn

Last synced: 24 Feb 2025

https://github.com/geekquad/time-series-prediction-from-scratch

Training a simple RNN to do time-series prediction. Given some set of input data, it will be able to generate a prediction for the next time step.

basic-learning pytorch rnn series-prediction time-series

Last synced: 24 Feb 2025

https://github.com/geekquad/random-forest-from-scratch

A basic implementation of the Random Forest Classifier from Scratch and using Seaborn to find important features.

iris-dataset random-forest random-forest-classifier seaborn sklearn

Last synced: 24 Feb 2025

https://github.com/geekquad/phyllotaxis

A just for fun project.

Last synced: 24 Feb 2025

https://github.com/geekquad/automatic-essay-scoring

A recurrent neural network method for determining the relationship between an essay and its grade. Using Long-Short Term Memory networks to represent the meaning of texts to demonstrate that a fully automated framework is able to achieve results.

Last synced: 24 Feb 2025

https://github.com/geekquad/text-learning

Basic usage of NLTK. Implementation of concepts like Stemmer, TfIdf, and text.CountVectors

corpus countvectorizer nltk sklearn stopwords tfidf

Last synced: 24 Feb 2025

https://github.com/geekquad/pencil-sketch

Converts regular RGB images into Pencil-sketch.

Last synced: 24 Feb 2025

https://github.com/geekquad/boston-housing

Evaluating the performance and predictive power of a model. Cross questioned several concepts of ML for better understanding.

boston-housing-price-prediction decisiontreeregressor eda

Last synced: 24 Feb 2025

https://github.com/geekquad/cifar-10

Object Recognition in Images. This project uses CNN for the classification and recognition tasks.

cifar-10 image-processing mnist-dataset python3 pytorch recognition

Last synced: 24 Feb 2025

https://github.com/geekquad/donors-for-charity

Employing several supervised algorithms to accurately model individuals' income.

charityml supervised-learning

Last synced: 24 Feb 2025

https://github.com/geekquad/eda-on-haberman-dataset

The dataset contains cases from a study that was conducted between 1958 and 1970 at the University of Chicago’s Billings Hospital on the survival of patients who had undergone surgery for cancer.

Last synced: 24 Feb 2025

https://github.com/geekquad/handwritten-digit-prediction

Using the MNIST dataset which consists of greyscale handwritten digits. Each image is 28x28 pixels. Building and training a neural network that can take one of these images and predict the digit in the image.

Last synced: 24 Feb 2025

https://github.com/geekquad/mta-hosting-optimizer

The MTA Hosting Optimizer Service is designed to analyze server information stored in Redis, identify servers with few active MTAs (as per a configurable threshold), and return the results.

Last synced: 24 Feb 2025

https://github.com/geekquad/decision-tree-from-scratch

A basic project to implement and visualize Decision Tree Classifier from Scratch.

decision-tree-classifier graphviz pydotplus sklearn supervised-learning

Last synced: 24 Feb 2025

https://github.com/geekquad/knn-from-scratch

A basic project to implement the KNN classifier from Scratch.

knn knn-classifier python scratch-implementation sklearn

Last synced: 24 Feb 2025

https://github.com/geekquad/text-to-speech.

A basic snippet of code that uses Google's gTTS API to convert text to speech. Go on. Play Around with it.

gtts-api text-to-speech

Last synced: 24 Feb 2025

https://github.com/geekquad/svm-classification-from-scratch

A basic project to build the classification model with SVM (Support Vector Machine)

scratch sklearn sklearn-svm svm-classifier svm-kernel svm-model

Last synced: 24 Feb 2025

https://github.com/geekquad/geekquad

Last synced: 24 Feb 2025

https://github.com/geekquad/canny-edge-detection

A basic program that performs edge detection of images in real-time.

canny-edge-detection edge-detection image-processing opencv python real-time

Last synced: 24 Feb 2025

https://github.com/geekquad/feature_format

This module can take a list of feature names and the data dictionary, and return a numpy array.

feature-extraction pypi-package python3

Last synced: 24 Feb 2025

https://github.com/geekquad/bmi-data

This program takes input as height and weight and calculates the BMI data of a person.

Last synced: 24 Feb 2025