vivekprajapati2048
Software Developer (Machine Learning) | Generative AI | Freelancer
Noble PatriarchCalgary, Canada
Pinned Repositories
Datadriven-GPVAD
The codebase for Data-driven general-purpose voice activity detection.
100-days-of-python
This repository consists of 100 Days of Code: The Complete Python Pro Bootcamp for 2022 on Udemy by Dr. Angela Yu
a-blog-website
A blog website created using Node.js + Express.js, EJS, MongoDB (mongoose) as backend and HTML, CSS, JS, Bootstrap as front-end and deployed on Heroku Server. Watch it live!
Age-and-Gender-Recognition-using-OpenCV
This repository consists of Age and Gender Recognition based on pretrained Caffe Models with the help of OpenCV library.
DeepLearning.AI-TensorFlow-Developer
A specialization by deeplearning.ai on Coursera.
Fruit-Identification-System
This repository consists of a Object Detection Project for Multiclass Classification using Deep Learning approach. We trained three models ResNet50, InceptionV3 and EfficientNetB3 on the dataset consisting of approx. 90,000 images having 131 class (fruits and vegetables) to be classified.
langchain
⚡ Building applications with LLMs through composability ⚡
Sell-Your-Vehicle
This repository contains an end-to-end ML project with Deployment for predicting reasonable selling price of your vehicle.
Stocks-Price-Prediction
Prediction of stocks price using different Linear Regression and SVR using the dataset imported from Quandl.
Wellness-Tracker-Chatbot
This project is based on concept of NLU (natural language understanding) and using ML to guide a bot's next actions in the conversation. This a rasa project, I added training data, and train the model using ML pipeline. I have build a bot that logs daily wellness data to a spreadsheet (using the Airtable API), to help the user keep track of their health goals. After building a basic assistant, I added a custom actions and forms. Then I connected the assistant to a messaging channel— Slack, so users can talk to the assistant.
vivekprajapati2048's Repositories
vivekprajapati2048/Wellness-Tracker-Chatbot
This project is based on concept of NLU (natural language understanding) and using ML to guide a bot's next actions in the conversation. This a rasa project, I added training data, and train the model using ML pipeline. I have build a bot that logs daily wellness data to a spreadsheet (using the Airtable API), to help the user keep track of their health goals. After building a basic assistant, I added a custom actions and forms. Then I connected the assistant to a messaging channel— Slack, so users can talk to the assistant.
vivekprajapati2048/Stocks-Price-Prediction
Prediction of stocks price using different Linear Regression and SVR using the dataset imported from Quandl.
vivekprajapati2048/Natural-Language-Processing-Specialization
This Specialization is made of 4 hands-on courses focusing on skills like Sentiment Analysis, Siamese Networks, Hidden Markov Model, Transformers, Attention Models, Machine Translation, Word Embeddings, Locality-Sensitive Hashing, Vector Space Models, Word2vec, Parts-of-Speech Tagging, N-gram Language Models
vivekprajapati2048/Age-and-Gender-Recognition-using-OpenCV
This repository consists of Age and Gender Recognition based on pretrained Caffe Models with the help of OpenCV library.
vivekprajapati2048/DeepLearning.AI-TensorFlow-Developer
A specialization by deeplearning.ai on Coursera.
vivekprajapati2048/Predict-the-cancellation-of-Hotel-Booking
This repository contains a dataset with booking information for a city hotel and a resort hotel, and includes information such as when the booking was made, length of stay, the number of adults, children, and/or babies, and the number of available parking spaces, among other things. Based on which we will predict whether or not a hotel booking will be made or not/cancelled.
vivekprajapati2048/Predict-the-sentiment-of-Amazon-Customers
This repository consists of dataset of Amazon Customer Reviews on which we applied ML & NLP algorithms to predict the sentiment of the review. i.e., Positive or Negative
vivekprajapati2048/Sell-Your-Vehicle
This repository contains an end-to-end ML project with Deployment for predicting reasonable selling price of your vehicle.
vivekprajapati2048/Advanced-House-Price-Prediction
This repository consists of a famous Kaggle Competetion Dataset for House Price Prediction in which I did Exploratory Data Analysis, Feature Engineering and Random Forest.
vivekprajapati2048/Air-Pollution-During-Lockdown-India
This repository consists of different operations over AQI dataset in order to find out the different changes in Air Pollution due to Lockdown in months February, March and April in major cities of India like Ahmedabad, Aizawl, Amaravati, Amritsar, Bengaluru, Bhopal, Brajrajnagar, Chandigarh, Chennai, Delhi, Ernakulam, Gurugram, Guwahati, Hyderabad, Jaipur, Jorapokhar, Kochi, Kolkata, Lucknow, Mumbai, Patna, Shillong, Talcher, Thiruvananthapuram and Visakhapatnam.
vivekprajapati2048/Applied-Data-Science-with-Python-Specialization
The 5 courses in this University of Michigan specialization introduce learners to data science through the python programming language.
vivekprajapati2048/Breast-Cancer-Classification
In this problem we have to use 30 different columns and we have to predict the Stage of Breast Cancer M (Malignant) and B (Bengin). This analysis has been done using Basic Machine Learning Algorithm with detailed explanation. The data we will use for this example is the Wisconsin Breast Cancer dataset, which is download from Kaggle. https://www.kaggle.com/uciml/breast-cancer-wisconsin-data
vivekprajapati2048/Chatbot-Widget
vivekprajapati2048/Classifying-the-movie-review-with-DL
This repository consists of a classification of movie review ie., positive or negative with Deep Learning model. The dataset used is the IMDB dataset. This is a binary classification example.
vivekprajapati2048/Coursera-Machine-Learning-Stanford
This is my solution to all the programming assignments and quizzes of Machine-Learning (Coursera) taught by Andrew Ng.
vivekprajapati2048/Customer-Segmentation
This repository contains the project of Customer Segmentation which is an Unsupervised Learning problem. We have to decide wether it is a Retailer or Hotel/Restaurant/Cafe. The dataset taken is from UCI Machine Learning Repository.
vivekprajapati2048/Deep-Learning-Specialization
In five courses, you will learn the foundations of Deep Learning, understand how to build neural networks, and learn how to lead successful machine learning projects. You will learn about Convolutional networks, RNNs, LSTM, Adam, Dropout, BatchNorm, Xavier/He initialization, and more. You will work on case studies from healthcare, autonomous driving, sign language reading, music generation, and natural language processing. You will master not only the theory, but also see how it is applied in industry. You will practice all these ideas in Python and in TensorFlow, which we will teach.
vivekprajapati2048/Face-Recognition-using-OpenCV
This repository consists of Face Recognition using OpenCV in Python in which the model can recognize the face from image and realtime via webcam.
vivekprajapati2048/Face-Recognition-Using-PCA
First I created a simple python script using which I generated a dataset in .csv format from .npy files. And using this dataset I built a machine learning model for Face Recognition using PCA.
vivekprajapati2048/Fake-News-Detection
This python project of detecting fake news deals with fake and real news. Using sklearn, we build a TfidfVectorizer on our dataset. Then, we initialize a PassiveAggressive Classifier and fit the model. In the end, the accuracy score and the confusion matrix tell us how well our model fares.
vivekprajapati2048/Heat-Transfer
A Machine Learning project based on Heat Transfer concept of Mechanical Engineering. By using different features such as inner diameter, outer diameter, length, orientation and heat supplied to pipe we predicted a resistance offered in the pipe for the manufacturing purpose.
vivekprajapati2048/Iris-Species-Classification
Our goal is to build a machine learning model that can learn from the measurements of these irises whose species is known (Setosa, Versicolor, or Virginica), so that we can predict the species for a new iris.
vivekprajapati2048/Loan-Prediction
The idea behind this project is to build a model that will classify how much loan the user can take. It is based on the user’s marital status, education, number of dependents, and employments. We can build a linear model for this project.
vivekprajapati2048/Predicting-House-Price-with-DL
This repository consist of a deep learning implementation on boston housing dataset to predict the house price. This is a regression problem.
vivekprajapati2048/Titanic-Survival-Classification
This repository consists of a famous Kaggle Competetion Dataset for prediction of survival on the Titanic and getting familiar with ML basics.
vivekprajapati2048/Twitter-Sentiment-Analysis
Dataset contains nearly 32K tweets which are labeled based on having racist or sexist content. We are going to analyse this dataset and tweets, and by the end, create a classification model to classify tweets.
vivekprajapati2048/Wine-Quality-Prediction
The task here is to predict the quality of red wine on a scale of 0–10 given a set of features as inputs. I have solved it as a regression problem using Linear Regression. The dataset used is Wine Quality Data set from UCI Machine Learning Repository. https://archive.ics.uci.edu/ml/datasets/Wine+Quality