Projects in Awesome Lists by saranshmanu
A curated list of projects in awesome lists by saranshmanu .
https://github.com/saranshmanu/federated-learning
Federated Learning is a distributed machine learning approach which enables model training on a large corpus of decentralised data. The repository tutorial for using PySyft for distributed training of Machine Learning model.
Last synced: 13 Apr 2025
https://github.com/saranshmanu/ivy-hacks-2020
Using Blockchain based solution to tackle CoVID vaccine distribution in India and other developing nations around the world
Last synced: 05 Dec 2024
https://github.com/saranshmanu/speech-language-identification-librosa
The project is a part of my internship and the research project where I have to classify the speech audio samples in various languages spoken in India.
Last synced: 01 Feb 2025
https://github.com/saranshmanu/microsoft-imagine-cup
This repository contains the project we created for Microsoft Imagine Cup 2019 and HackHarvard 2018 about our idea of Augmented Reality to Grocery Stores
Last synced: 27 Mar 2025
https://github.com/saranshmanu/emotion-analysis-using-deep-learning
This project performs emotion analysis on a statement after cleaning the data set to analyse if the emotion attached with the tweet was sad, love etc using LSTM sequence classification model
Last synced: 05 Dec 2024
https://github.com/saranshmanu/hackharvard-2018
This repository contains the project we worked on during the HackHarvard International Hackathon 2018
arkit2 coreml deep-learning resnet swift
Last synced: 05 Dec 2024
https://github.com/saranshmanu/face-mask-detection
Facial landmark detection is the task of detecting key landmarks on the face and tracking them (being robust to rigid and non-rigid facial deformations due to head movements and facial expressions)
Last synced: 27 Mar 2025
https://github.com/saranshmanu/dermatologist-ai
In this mini project, I will design an algorithm that can visually diagnose melanoma, the deadliest form of skin cancer. In particular, algorithm will distinguish this malignant skin tumor from two types of benign lesions (nevi and seborrheic keratoses).
cancer-detection cnn transfer-learning vgg19
Last synced: 27 Mar 2025
https://github.com/saranshmanu/flask-authentication-api
This project contains the Authentication API developed using Flask as the framework and Python as the programming language
backend flask pycrypto python3
Last synced: 27 Mar 2025
https://github.com/saranshmanu/ios-ieee-techloop-component-bank
IEEE-VIT Student's Chapter maintains an inventory of electric components and issue them to its Techloop members upon request through the application authorised by the admin
Last synced: 27 Mar 2025
https://github.com/saranshmanu/face-recognition-using-svm
Python script to recognise human faces using openCV framework and differentiate between human faces
Last synced: 27 Mar 2025
https://github.com/saranshmanu/elliptical-curve-digital-signature-algorithm
Backend to sign hash value using secp256k1 curve for blockchain applications using ECDSA algorithm
Last synced: 27 Mar 2025
https://github.com/saranshmanu/benchmark
This repository contains the benchmark script I wrote to compare the performance of NVIDIA RTX 2070 GPU and Ryzen 5 1600 CPU performance in matrix multiplication operation for Deep Learning models
Last synced: 27 Mar 2025
https://github.com/saranshmanu/deep-convolutional-generative-adversarial-network-dcgan
Using convolution layers to create a generator discriminator GAN architecture to generate images using Google Street View House Number (SVHN) dataset
dcgan deep-learning gans svhn tensorflow
Last synced: 27 Mar 2025
https://github.com/saranshmanu/stock-market-analysis-using-ann
In this project I have tried to predict future stock prices of Edelweiss Broking Limited using simple Artificial Neural Network regression model
artificial-neural-networks stock-price-prediction
Last synced: 05 Dec 2024
https://github.com/saranshmanu/cifar-image-classification
This project was to create a model that can classify and predict the object in the image from the open source dataset CIFAR 10. The dataset is divided into five training batches and one test batch, each with 10000 images.
cifar-10 cnn convolutional-neural-networks deep-learning keras keras-neural-networks machine-learning python
Last synced: 27 Mar 2025
https://github.com/saranshmanu/lexie
Lexie was an ML project create for IEEE-VIT Enigma 2018 for people to interact with the bot and find how close they are to the answers
Last synced: 27 Mar 2025
https://github.com/saranshmanu/transfer-learning-dog-breed-classifier
Given an image of a dog, algorithm will identify an estimate of the canine’s breed. If supplied an image of a human, the code will identify the resembling dog breed.
cnn dog-breed-classifier keras opencv transfer-learning
Last synced: 27 Mar 2025
https://github.com/saranshmanu/social-distance-detection
An AI tool to prevent spreading of coronavirus (COVID-19) by using computer vision on video surveillance.
Last synced: 01 Feb 2025
https://github.com/saranshmanu/sentiment-analysis
This project tells about creating sentiment analysis using different algorithms and differentiating the performance by different algorithms to tell which one is a better and a more accurate way to predict sentiments from the text
deep-learning lstm machine-learning sentiment-analysis
Last synced: 27 Mar 2025
https://github.com/saranshmanu/node-authentication-api
This repository contains an API I created to learn backend development using node.js and practise CRUD operations on mongodb database
Last synced: 27 Mar 2025
https://github.com/saranshmanu/face-generation-using-dcgans
Project using DCGANs to generate human faces using celeba dataset and handwritten digits using MNIST dataset
Last synced: 27 Mar 2025
https://github.com/saranshmanu/learning-pytorch-cnn-mnist
This project help to learn the use Pytorch framework to create a simple Convolutional Neura Network and train the machine learning model on the classical MNIST dataset to recognise the handwritten digits.
Last synced: 27 Mar 2025
https://github.com/saranshmanu/autoencoders
Autoencoders (AE) are a family of neural networks for which the input is the same as the output. They work by compressing the input into a latent-space representation, and then reconstructing the output from this representation.
autoencoder-mnist cnn computer-vision deep-learning mnist neural-network
Last synced: 27 Mar 2025
https://github.com/saranshmanu/ios-shield-internal-application
The repository contains the iOS application I created for SHEILD(CSED) student community at my University for keeping tasks of announcements, assigned tasks to different departments and other chapter daily work
Last synced: 27 Mar 2025
https://github.com/saranshmanu/aerial-cactus-identification-kaggle
In this kaggle competition, we were tasked with creation of an algorithm that can identify a specific type of cactus in aerial imagery.
Last synced: 27 Mar 2025
https://github.com/saranshmanu/tmi
Toastmasters International VIT uses a system to make a person a better speaker. This application helps the members of the chapter to know about their roles during a particular session and perform them accordingly
Last synced: 27 Mar 2025
https://github.com/saranshmanu/tv-script-generation
Using LSTMs to generate TV scripts using Seq2Seq architecture on dataset created from famous American TV show "The Simpsons"
Last synced: 27 Mar 2025
https://github.com/saranshmanu/nlp-tasks
Some of the basic tasks given by the professor as a part of my NLP lectures in the university
Last synced: 27 Mar 2025
https://github.com/saranshmanu/qr-reader
QR Code scanner implemented using Swift
Last synced: 27 Mar 2025
https://github.com/saranshmanu/evento-server
Server side code in NodeJS for IEEE Evento project
Last synced: 27 Mar 2025
https://github.com/saranshmanu/machine-learning-algorithms
The repository is to maintain and practise basic ML algorithms developed as a archive
Last synced: 27 Mar 2025
https://github.com/saranshmanu/generative-adversarial-network-basics
Using fully connected layers to generate handwritten digits using GAN architecture on MNIST dataset
Last synced: 27 Mar 2025
https://github.com/saranshmanu/klotz---blockchain-wallet-prototype
Prototype of a blockchain wallet created during uHack Sprint 1 Hackathon organised by Infoexpressions
Last synced: 27 Mar 2025
https://github.com/saranshmanu/image-captioning
The repository contains the Deep Learning model to generate the description based from the feeded image. The project involves use of both Natural Language Processing and Computer Vision.
Last synced: 27 Mar 2025
https://github.com/saranshmanu/devfest-2018-by-dsc-interdude
An application to organize mock placement interviews and practice to get reviews from peers to get better at iterviews. This repository contains the iOS concept application so that a person can see the details of his past interview mock sessions, get the details and obtain a reminder of any upcoming practice sessions
Last synced: 27 Mar 2025
https://github.com/saranshmanu/bigchaindb
Prototype of how we can use blockchain technology and create real time update system for people to monitor using BigchainDB and Web sockets
Last synced: 27 Mar 2025
https://github.com/saranshmanu/handwriting-recognition-using-cnn
ML script to train the CNN and ANN model using MNIST database to recognise numbers from the input image using Keras or Tensorflow framework
artificial-intelligence cnn convolutional-neural-networks deep-learning handwritten-digit-recognition keras mnist tensorflow
Last synced: 27 Mar 2025
https://github.com/saranshmanu/interdude
An application to organize mock placement interviews and practice to get reviews from peers to get better at iterviews. This repository contains the web application of the interview portal where the person can communicate over webcam with the interviewer.
Last synced: 27 Mar 2025
https://github.com/saranshmanu/movie-recommender-system
The repository contains development of movie recommender system based on Collaborative Filtering technique. MovieLens dataset was used for user ratings to train the model.
Last synced: 27 Mar 2025
https://github.com/saranshmanu/2-layer-neural-network-from-scratch
In this project I have successfully developed a 2 layer neural network without using any major libraries like Keras or Tensorflow by purely using mathematical calculations to implement gradient descent and back propagation algorithms along with feed forward network
Last synced: 27 Mar 2025
https://github.com/saranshmanu/building-structure-danger-grade
Determining the degree of damage that is done to buildings post an earthquake can help identify safe and unsafe buildings, thus avoiding death and injuries resulting from aftershocks. Leveraging the power of machine learning is one viable option that can potentially prevent massive loss of lives while simultaneously making rescue efforts easy and efficient.
kaggle-competition machine-learning
Last synced: 27 Mar 2025
https://github.com/saranshmanu/hello-world-2.0
We worked on a concept of a distributed power system solution where we can use the power generated by renewable energy sources and in case of shortage of power supply from renewable energy sources, use the power generated by the pollution generating non renewable energy power plant
Last synced: 27 Mar 2025
https://github.com/saranshmanu/contact-tracing
The project involves generating synthetic data for contact tracing using simple mathematic algebric formulae and then comparing performance between synthetic data and normal data while performing contact tracing on both types.
Last synced: 27 Mar 2025
https://github.com/saranshmanu/s20-interview-assignment
The repository contains the projects completed for the internship rounds as the part of the recruitment process in S20.ai
Last synced: 27 Mar 2025
https://github.com/saranshmanu/team-alpha---c2c-2018---ios-and-macos-applications
Product created during code2create Hackathon 2018
Last synced: 27 Mar 2025
https://github.com/saranshmanu/ios-bsg-meditation-application
The repository contains the iOS applciation I created called Trailblazerr that allows you to keep the record of the Daimoku. It shows you the duration of Daimoku you practised today and the day before, chanting Nam-myoho-renge-kyo and practising meditation.
Last synced: 13 Mar 2025
https://github.com/saranshmanu/ios-ieee-evento-application
The repository consists of the iOS application created for IEEE VIT SB to host its flagship events like IEEE Techloop Congress and use the same application over again every year for the flagship fest
Last synced: 13 Mar 2025
https://github.com/saranshmanu/skypay
Project to study how blockchain technology works and create a prototype of a blockchain wallet for fintech industry
Last synced: 27 Mar 2025
https://github.com/saranshmanu/ios-alpha-appathon-2k18
The repository consists of the iOS application we created during App-a-thon Hackathon 2018 organised by Apple Developer Group in Vellore Institute of Technology. We were given a hypothetical problem statement to create an application that will help the space astronauts who are colonising Mars to track the growth of plants on the surface of Mars under controlled environment.
Last synced: 27 Mar 2025
https://github.com/saranshmanu/amber-cli
The CLI was created to interact with the language models by OpenAI
Last synced: 27 Mar 2025
https://github.com/saranshmanu/twitter-radius-agent
The repository contains the application based on the Twitter API to fetch and search for tweets on the web as a part of the internship task for Radius Agent
Last synced: 27 Mar 2025
https://github.com/saranshmanu/genetic-optimisation-algorithm
Genetic algorithms are commonly used to generate high-quality solutions to optimization and search problems by relying on bio-inspired operators such as mutation, crossover and selection.
Last synced: 27 Mar 2025
https://github.com/saranshmanu/contacts-interview-assignment
The repository contains the internship assignment given by Gojek for the position of an iOS engineer to create a application similiar to the Contacts application in Apple devices
Last synced: 27 Mar 2025
https://github.com/saranshmanu/neural-machine-translation
In this project used a neural network to translate from French to English by the simple but powerful idea of the sequence to sequence network
Last synced: 27 Mar 2025