• Stars
    star
    1
  • Language
    Jupyter Notebook
  • Created almost 6 years ago
  • Updated almost 6 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Hyperparameter Tuning of K-Means using Elbow Method, Eps values based on MinPoints for DBScan and Hierarchical Clustering based on various values of 'k' is done to form different clusters, on which an analysis is done for semantic coherence.

More Repositories

1

Indian-Accent-Speech-Recognition

Traditional ASR (Signal & Cepstral Analysis, DTW, HMM) & DNNs (Custom Models + DeepSpeech) on Indian Accent Speech
Jupyter Notebook
89
star
2

SLAM-on-Raspberry-Pi

Robotic Localization with SLAM on Raspberry Pi integrated with RP LIDAR A1. Point Cloud remote visualization doing using MQTT in real-time.
Jupyter Notebook
53
star
3

Self-Driving-Car-on-Indian-Roads

Computer Vision Guided Deep Learning Network & Machine Learning Techniques to build Fully-Functional Autonomous Vehicles
Python
30
star
4

ADAS-Car-using-Raspberry-Pi

ADAS Car - with Collision Avoidance System (CAS) - on Indian Roads using LIDAR-Camera Low-Level Sensor Fusion. DIY Gadget built with Raspberry Pi, RP LIDAR A1, Pi Cam V2, LED SHIM, NCS 2 and accessories like speaker, power bank etc
Python
27
star
5

LSTM-Attention-based-Generative-Chat-bot

Personified Generative Chatbot using RNNs (LSTM) & Attention in TensorFlow
Jupyter Notebook
23
star
6

Algo-Trading-Math-Models

Math Techniques viz. ARIMA, Frequency Decomposition, Fourier Filtering, Linear Regression & Bi-directional LSTMs on Feature Engineered Stock Market Data.
Jupyter Notebook
19
star
7

Topic-Modelling-LDA-NMF-W2V

Numerical combination of LDA and NMF cascaded with W2V to categorize 1M+ multi-lingual records into a 275-node, 5-level deep category tree.
Jupyter Notebook
11
star
8

No-Touch-Display-Interface-at-Edge-IoT

Enabling HCI on the Edge: Gesture & Offline Sound Control of kiosks with AI models, hardware optimized with Intel OpenVINO, code optimized with VTune
Python
8
star
9

Facial-Attendance-on-Pi-with-LIDAR

Face Recognition-based Attendance system deployable on Raspberry Pi with Movidius NCS2. RPLIDAR A1 is integrated for depth sensing to enable Door Access Control simulated with Pimoroni Blinkt!
Python
8
star
10

Multilingual-Text-Inversion-Detection-of-Scanned-Images

Efficient Text Localization Algorithm, Image Inversion Detection of Scanned Documents & Language Identification based on Shape Context and Traditional Computer Vision.
Python
8
star
11

Object-Detection-on-Mobile-Cam-for-Blind

Multi-Class Object Detection on Mobile Video Stream, using Deep Learning ConvNets, to assist the blind or to signal an incoming threat, without radars.
Python
7
star
12

Computer-Vision-Math-Magic-vs-AI

Computer Vision for Skew Correction, Text Inversion, Rotation Classification, Homography & Object Search with Applied Math
Python
6
star
13

Crime-Analysis-Prediction

Linear Model to predict the crime rate of North Carolina. Detailed EDA done prior to building model
Jupyter Notebook
5
star
14

ML-Algorithms-in-MATLAB

MATLAB Code for Linear & Logistic Regression, SVM, K Means and PCA, Neural Networks Learning, Multiclass Classification, Anomaly Detection and Recommender systems.
MATLAB
5
star
15

Indoor-Navigational-Assistance-with-RPi-and-Mobile

Indoor Navigational Assistance with Custom Object Detection and SLAM on Raspberry Pi and Android Mobile
Python
4
star
16

Scalable-ML-with-Spark

Scalable Machine Learning using Spark MLlib on Standalone, AWS EMR Cluster with Docker & Nvidia RAPIDS Accelerator mode.
HTML
3
star
17

Automated-Reasoning-with-ML-Knowledge-Graph-and-Machine-Comprehension-with-AI

Machine Automated Reasoning using Grakn KGLib, Knowledge Graph Convolutional Networks (KGCNs) & Machine Comprehension using BERT-BIDAF-Ensemble
Python
1
star
18

Gesture-Triggered-Alarm-on-Pi-or-Jetson-Nano

Gesture Triggered Alarm for Women Security based on Computer Vision, Mathematical Concavity Estimation, MQTT, OpenVINO and Pimoroni Blinkt! on RPi or Jetson Nano
Python
1
star
19

Multiple-MLP-Architectures-on-MNIST-database-using-Keras

To use different MLP architectures having different number of layers on the famous MNIST database. Tweaking methods like dropouts, batch normalization are applied and cross entropy loss is being tracked for analysis and comparison between architectures.
Jupyter Notebook
1
star
20

CNN-Architectures-for-Handwritten-Image-Classification

To classify images containing handwritten digits using multiple custom-built CNN architectures, which may or may not are inspired from standard Convnet architectures such as LeNet, AlexNet, VGGNet, ResNet etc. A comparison between performance of different architectures are done.
Jupyter Notebook
1
star
21

Clustering-on-Word-Vectors-using-Truncated-SVD

Semantic clustering of text using K-means on custom-built contextual Word Co-occurence matrix, decomposed using SVD. Truncated length of word vectors are estimated by plotting explained variance of decomposed matrix.
Jupyter Notebook
1
star