Ecosyste.ms: Awesome

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

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists by adityajn105

A curated list of projects in awesome lists by adityajn105 .

https://github.com/adityajn105/face-recognition-siamese-network

A Face Recognition Siamese Network implemented using Keras. Siamese Network is used for one shot learning which do not require extensive training samples for image recognition.

deep-learning face-recognition-python keras one-shot-learning siamese-network

Last synced: 15 Nov 2024

https://github.com/adityajn105/brain-tumor-segmentation-unet

Implementation of U-Net from paper "U-Net: Convolutional Networks for Biomedical Image Segmentation" to segment tumor in given MRI images.

dice-loss image-segmentation keras mri-images tumor-segmentation unet unet-image-segmentation

Last synced: 15 Nov 2024

https://github.com/adityajn105/facegan-generating-random-faces

Generate Random Faces which do not exists. I trained a Deep Convolution GAN (DCGAN) on 100k celebrities photos.

dcgan face-generation gan generative-adversarial-network unsupervised-deep-learning

Last synced: 15 Nov 2024

https://github.com/adityajn105/image-caption-bot

Implementation of 'merge' architecture for generating image captions from paper "What is the Role of Recurrent Neural Networks (RNNs) in an Image Caption Generator?" using Keras. Dataset used is Flickr8k available on Kaggle.

flickr8k-dataset image-captioning lstm-networks vgg19

Last synced: 15 Nov 2024

https://github.com/adityajn105/al-algos-from-scratch

Some basic AI/ML/DL algorithms implemented from scratch for understanding purposes.

ai-algorithm al-algos algorithms-implemented gradient-descent hacktoberfest machine-learning-algorithms python

Last synced: 15 Nov 2024

https://github.com/adityajn105/flappy-bird-deep-q-learning

Flappy Bird Game trained on a Double Dueling Deep Q Network with Prioritized Experience Replay

cnn deep-learning dueling-dqn image-processing prioritized-experience-replay q-learning reinforcement-learning torch

Last synced: 15 Nov 2024

https://github.com/adityajn105/nemisisaadharauth

This is a project done during April 1-2, 2017 in Smart India Hackathon and won 2nd prize.

aadhar android fingerprint-authentication hackathon java retrofit2

Last synced: 15 Nov 2024

https://github.com/adityajn105/cricket_data_extracter

A set of python scripts to extract cricket data from https://cricbuzz.com for analytics purpose.

cricket cricket-data cricket-data-extracter cricket-stats python python-scripts scrapping scrapping-python

Last synced: 15 Nov 2024

https://github.com/adityajn105/adityajn105.github.io

My website

Last synced: 15 Nov 2024

https://github.com/adityajn105/google_speech_diarization_demo

A demo to show Speech Diarization (seperating audio of different speaker) and converting them to text using Google Cloud Speech API.

google-speech-recognition google-speech-to-text speech-diarization speech-recognition speech-to-text

Last synced: 15 Nov 2024

https://github.com/adityajn105/move37

Move37 is a Reinforcement Learning Course by Siraj Raval's The School of AI. This repository is to maintain all codes done during this course.

markov-decision-processes reinforcement-learning tensorflow

Last synced: 15 Nov 2024

https://github.com/adityajn105/image-captions-using-visual-attention

Implemenetation of 2016 paper "Show, Attend and Tell: Neural Image Caption Generation with Visual Attention" on Flick30k dataset.

attention-mechanism convolutional-neural-networks image-captions keras-tensorflow lstm visual-attention

Last synced: 15 Nov 2024

https://github.com/adityajn105/8-puzzle-using-a-

8-Puzzle game, solvable using A*

8puzzle 8puzzle-game astar-algorithm curses

Last synced: 15 Nov 2024

https://github.com/adityajn105/tgs-salt-identification-image-segmentation-

This is a Kaggle competition on Image Segmentation. We have to identify pixels in seismic images with salt sediment present. Here I will use UNet (Encoder and Decoder) to tackle the challenge.

deep-learning image kaggle-competition keras tgs-salt-identification unet-image-segmentation

Last synced: 15 Nov 2024

https://github.com/adityajn105/nlp-projects

NLP related projects for quick reference and revision.

Last synced: 15 Nov 2024

https://github.com/adityajn105/kagglesolvedproblem

Data Science problem on Kaggle Solved by me. Keep improving Accuracy.

kaggle kaggle-competition numpy pandas python scikit-learn tensorflow

Last synced: 15 Nov 2024

https://github.com/adityajn105/black-friday

It is a Data Science competition by Analytics Vidhya. Learn to do feature engineering etc.

analytics-vidhya-competition regression-models xgboost

Last synced: 15 Nov 2024

https://github.com/adityajn105/cognilearn

A set of some Machine Learning utils frequently used by me while working as Data Scientist in Cognizant

business-analytics cognilearn data-science decile-analysis

Last synced: 15 Nov 2024

https://github.com/adityajn105/fun-with-lstms-rnns

A repository demonstrating different examples of LSTM.

gru keras lstm simplernn tesnorflow text-generation

Last synced: 15 Nov 2024

https://github.com/adityajn105/apache-spark-tutorials

Apache spark is a big data analysis framework.

bigdata pyspark spark spark-ml spark-rdd spark-tutorials

Last synced: 15 Nov 2024

https://github.com/adityajn105/automatic-kinship-detection

This is a kaggle Challenge. Given a pair of images of 2 faces we have to determine whether they are related or not. Here I have used a Siamese network over VGG-facenet to tackle this problem.

facenet-model kaggle-competition keras kinship siamese-network

Last synced: 15 Nov 2024

https://github.com/adityajn105/chatbot-workshop-mar-2k18

ChatBot Workshop conducted at MIT pune

amazon-dynamodb amazon-lambda amazon-lex chatbot

Last synced: 15 Nov 2024

https://github.com/adityajn105/movieguess

A simple game on android using Kotlin to guess movie and view your score.

android kotlin kotlin-android

Last synced: 15 Nov 2024

https://github.com/adityajn105/adityacalculator

A Simple Android Calculator with beautiful design

android android-app calculator java

Last synced: 15 Nov 2024

https://github.com/adityajn105/snakegame-python

A SnakeGame which I have made when I was getting bored. Written in python-3 with just 200 lines of code including comments, blankspaces, credits etc

curses curses-ui python3 snake-game snakegame threading

Last synced: 15 Nov 2024

https://github.com/adityajn105/dictionary-chatbot

A Dictionary ChatBot using AMAZON LEX, LAMBDA and OXFORD dictionary API

amazon-lambda amazon-lex chatbot dictionary-software oxford-dictionary slack-bot

Last synced: 15 Nov 2024

https://github.com/adityajn105/heeliumapp2017

Upload image through android

Last synced: 15 Nov 2024

https://github.com/adityajn105/time-series-analysis-techniques

A tutorial to time-series analysis techniques. Holt-Winter methods, ACF/PACF, MA, AR, ARMA, ARIMA, SARIMA, SARIMAX, VAR, VARMA etc.

arima arma autoregressive moving-average time-series

Last synced: 15 Nov 2024

https://github.com/adityajn105/hacksc_22-snap-ar

Hack SC project

Last synced: 15 Nov 2024

https://github.com/adityajn105/my_docker_files

Saved Dockerfiles for autobuild purposes on Dockerhub. Also contains some Compose Files for app setup.

Last synced: 15 Nov 2024

https://github.com/adityajn105/nemesis-dbt_app

Nemesis Aadhaar Auth app on new mongo api.

Last synced: 15 Nov 2024

https://github.com/adityajn105/my-tube

A hack to solve blocked youtube problem in companies. Create your own playlist and play your favourite songs and videos in blocked environment.

bootstrap flask html python3 youtube

Last synced: 15 Nov 2024

https://github.com/adityajn105/loan-prediction

It is a Data Science competition by Analytics Vidhya. Learn to do preprocessing, hypertuning etc.

classification hyperopt machine-learning preprocessing xgboost

Last synced: 15 Nov 2024

https://github.com/adityajn105/attention-based-machine-translation-demo

An Attention Based machine translation to convert human readable dates to machine readable dates.

attention-mechanism date-converter lstm machine-translation

Last synced: 15 Nov 2024

https://github.com/adityajn105/catvsdog-transferlearning-vgg

VGG Deep Convolutional Network fine tuned on Cat vs Dog dataset using Transfer Learning. VGG was trained on famous IMAGENET dataset.

catvsdog catvsdog-classifier convolutional-neural-networks keras-tensorflow transfer vgg16

Last synced: 15 Nov 2024