sifatron
AI and Machine Learning Lead at EnerSys | Experienced Embedded Firmware Developer
EnerSysReading, PA
Pinned Repositories
Advanced-QA-and-RAG-Series
This repository contains advanced LLM-based chatbots for Q&A using LLM agents, and Retrieval Augmented Generation (RAG) and with different databases. (VectorDB, GraphDB, SQLite, CSV, XLSX, etc.)
AI-text-to-video-model-from-scratch
In this blog, we will build a small scale text-to-video model from scratch. We will input a text prompt, and our trained model will generate a video based on that prompt.
ai_stock_analysis_dashboard
bdr-tweet
Mining Twitter for Disaster Response
chat-with-mysql-langchain-streamlit
GUI Python Application that allows you to chat with a MySQL database
DRL-for-microgrid-energy-management
llm-rag-with-reranker-demo-st-ollama
LLM RAG Application with Cross-Encoders Re-ranking for YouTube video 🎥
Performance-Analysis-of-Different-Learning-Algorithms-in-Social-Sensing-of-Natural-Disasters
Twitter-Event-Detection
This is an analysis of different machine learning and deep learning techniques used in event detection from tweets. It is a comparison based study of different techniques such as Convolutional Neural Network, LSTM, Perceptron, Stochastic Gradient Descent, Logistic Regression, Bernoulli Naive Bayes, Gaussian Naive Bayes etc.
sifatron's Repositories
sifatron/Advanced-QA-and-RAG-Series
This repository contains advanced LLM-based chatbots for Q&A using LLM agents, and Retrieval Augmented Generation (RAG) and with different databases. (VectorDB, GraphDB, SQLite, CSV, XLSX, etc.)
sifatron/AI-text-to-video-model-from-scratch
In this blog, we will build a small scale text-to-video model from scratch. We will input a text prompt, and our trained model will generate a video based on that prompt.
sifatron/chat-with-mysql-langchain-streamlit
GUI Python Application that allows you to chat with a MySQL database
sifatron/llm-rag-with-reranker-demo-st-ollama
LLM RAG Application with Cross-Encoders Re-ranking for YouTube video 🎥
sifatron/ai_stock_analysis_dashboard
sifatron/Applied-Data-Science-Capstone-IBM-Coursera
sifatron/BLAST-Lite
sifatron/deep-reinforcement-learning
Repo for the Deep Reinforcement Learning Nanodegree program
sifatron/deep-rl-class
This repo contains the syllabus of the Hugging Face Deep Reinforcement Learning Course.
sifatron/DeepSeek-Coder
DeepSeek Coder: Let the Code Write Itself
sifatron/DeepSeek-V3
sifatron/ev-charger-placement
Determine where to place new charging stations on a map based on locations of existing charging stations and points of interest.
sifatron/FinNLP
Democratizing Internet-scale financial data.
sifatron/generative-ai-for-beginners
12 Lessons, Get Started Building with Generative AI 🔗 https://microsoft.github.io/generative-ai-for-beginners/
sifatron/graphcast
sifatron/GraphDataScienceBlogs
Jupyter notebooks that support my graph data science blog posts at https://bratanic-tomaz.medium.com/
sifatron/handson-ml2
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
sifatron/job-shop-scheduling-cqm
Determine a schedule for running a set of jobs on a certain number of machines using the LeapHybridCQMSampler.
sifatron/langchain-tutorials
A set of LangChain Tutorials from my youtube channel
sifatron/LLM-Zero-to-Hundred
This repository contains different LLM chatbot projects (RAG, LLM agents, etc.) and well-known techniques for training and fine tuning LLMs.
sifatron/mvrp
Capacitated Vehicle Routing Problem example on D-Wave's hybrid solvers.
sifatron/ollama_pdf_rag
A demo Jupyter Notebook showcasing a simple local RAG (Retrieval Augmented Generation) pipeline to chat with your PDFs.
sifatron/ollama_streamlit_demos
Streamlit UI for Ollama that has support for vision and chat models
sifatron/open-ev-data
Previously Open Dataset of Electric Vehicle specs. Now part of the Chargeprice API!
sifatron/openai-experiments
sifatron/portfolio-optimization
Solve different formulations of the portfolio optimization problem.
sifatron/ppo-implementation-details
The source code for the blog post The 37 Implementation Details of Proximal Policy Optimization
sifatron/public-apis
A collective list of free APIs
sifatron/semaphore-demo-mlops
From Jupyter to production: build an ML pipeline to train an AI image classifier using DevOps and CI/CD
sifatron/vm-load-balancing
Virtual Machine Load Balancing example.