Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
Projects in Awesome Lists by elmezianech
A curated list of projects in awesome lists by elmezianech .
https://github.com/elmezianech/classifyreviews_nlp
Revolutionize customer feedback analysis with our NLP Insights Analyzer. Utilize cutting-edge text preprocessing to transform raw reviews into a machine-friendly format. Explore sentiment models, such as Logistic Regression and Naive Bayes, employing cross-validation for model robustness.
accuracy-score ai countvectorizer cross-validation joblib logistic-regression machine-learning ml multinomialnb naive-bayes-classifier nltk-library numpy pandas randomforestclassifier svc
Last synced: 15 Nov 2024
https://github.com/elmezianech/email-spam-ham-classifier-nb-hard
Naive Bayes Email Classifier: An implementation of a 'hard' Naive Bayes classifier in Python to categorize emails as spam or ham. This code performs extensive data preprocessing, probability calculations, and model training for email classification using the raw Naive Bayes algorithm.
ai emails jupyter-notebook machine-learning ml naive-bayes naive-bayes-classifier numpy pandas python spam-detection spam-filtering
Last synced: 15 Nov 2024
https://github.com/elmezianech/email-spam-ham-classifier-nb-simple
Count Vectorizer Naive Bayes Email Classifier: This Python project utilizes a simple Naive Bayes approach with Count Vectorizer to classify emails as spam or ham. The implementation focuses on word frequency for classification.
countvectorizer emails jupyter-notebook machine-learning ml naive-bayes naive-bayes-classifier numpy pandas python spam-detection spam-filtering
Last synced: 15 Nov 2024
https://github.com/elmezianech/email-spam-ham-classifier-lr
Email Classifier: A machine learning project using Python that categorizes emails into spam and ham (non-spam). Utilizes the Scikit-Learn library, employing logistic regression and TF-IDF (Term Frequency-Inverse Document Frequency) vectorization for text analysis and classification.
ai emails jupyter-notebook logistic-regression machine-learning ml numpy pandas python spam-detection spam-filtering tfidfvectorizer
Last synced: 15 Nov 2024
https://github.com/elmezianech/online-minishop
This is an online market place built using Django where people can buy and sell items. It includes authentification, communication between users, dashboard for items, form handling and customisations and more.
Last synced: 15 Nov 2024
https://github.com/elmezianech/world-cup-2022-website
This is my first website that provides informations about the 2022 World Cup. it's build using HTML, CSS and JavaScript, it gives informations about groups, teams, matchs, technical sheets of players and more.
Last synced: 15 Nov 2024
https://github.com/elmezianech/tracking-delivery
This is a desktop application that helps manage delivery men, products and commands. It's build using JavaFX and demonstrates skills in desktop application and database integration.
Last synced: 15 Nov 2024
https://github.com/elmezianech/fstt-knowledge-navigator-ai-chatbot-platform
The FSTT Chatbot Project is a full-stack MEAN application for the Faculty of Sciences and Technologies of Tangier. It uses an advanced Large Language Model (Ollama Llama3) and a Retrieval-Augmented Generation (RAG) approach, with JWT authentication for secure access and a vector database (ChromaDB) for accurate responses.
chatbot chromadb conversation-history data-scraping fastapi jwt-authentication langchain llama3 llm ollama rag web-development
Last synced: 05 Nov 2024
https://github.com/elmezianech/snowflake_dbt_airflow_elt
This project is an ELT Pipeline using Dbt (dbt-core) for transformation, Snowflake for data warehousing and Airflow for orchestration.
airflow dbt elt-pipeline snowflake
Last synced: 15 Nov 2024
https://github.com/elmezianech/chatbot-backend
The FSTT Chatbot Backend is the core component of a comprehensive chatbot application designed for the Faculty of Sciences and Technologies of Tangier (FSTT). This backend handles user authentication, session management, and processes user queries.
Last synced: 15 Nov 2024
https://github.com/elmezianech/chatbot-frontend
The FSTT Chatbot Frontend is the user interface for a chatbot application designed to serve the Faculty of Sciences and Technologies of Tangier (FSTT). Built with Angular and Bootstrap, it provides a smooth user experience. Users can sign up, log in, interact with the chatbot, and view their conversation history, all through a intuitive interface.
Last synced: 15 Nov 2024
https://github.com/elmezianech/nlp-rulebased-regex-wordembedding
This repository serves as as a practical guide for understanding (NLP) through a Lab. It consists of two Jupyter notebooks, each dedicated to a specific part of the lab.
nlp regex rule-based word-embedding
Last synced: 15 Nov 2024
https://github.com/elmezianech/sagemaker-it-domain-expert
This repository hosts a proof-of-concept (POC) project aimed at developing a domain expert model tailored for the Information Technology (IT) domain. The project employs advanced NLP techniques to train and deploy in AWS SageMaker a large language model, capable of generating informative and contextually relevant text responses in the IT domain.
aws-s3-bucket aws-sagemaker domain-expert llm
Last synced: 15 Nov 2024
https://github.com/elmezianech/pretrained-image-classification
This is the First Project part of the AI-programming with Python Nanodegree by Udacity.
Last synced: 15 Nov 2024
https://github.com/elmezianech/aws_deepracer_rl_robotcar
This repository contains the code and resources for training a robot car in AWS DeepRacer using reinforcement learning and participating in a race.
aws-deepracer reinforcement-learning robot-car
Last synced: 15 Nov 2024
https://github.com/elmezianech/nlp_language-modeling_regression-classification
This repository serves as a comprehensive exploration of Natural Language Processing (NLP) language models using the Sklearn library. It delves into both regression and classification tasks, utilizing various techniques and algorithms to analyze text data.
classification embedding nlp nltk regression sklearn
Last synced: 15 Nov 2024
https://github.com/elmezianech/lstm-portfolio-optimization
This project focuses on utilizing Long Short-Term Memory (LSTM) neural networks for portfolio optimization in the context of Moroccan stock market data. By leveraging historical stock prices obtained from Yahoo Finance, the project aims to predict future price movements of selected Moroccan companies.
Last synced: 15 Nov 2024
https://github.com/elmezianech/pizza_steak_imageclassification_cnn
This project introduces a powerful image classification model to distinguish between pizza and steak images. Leveraging advanced techniques, the model achieves robust performance in handling complex visual features. With an accuracy of 87.40% on the validation dataset.
cnn data-augmentation image-classification keras tensorflow
Last synced: 15 Nov 2024
https://github.com/elmezianech/hadiths-scrapper-nlp-pipeline
This project serves as a comprehensive tool for collecting Hadiths from online sources, preprocessing the textual data, and extracting valuable insights using NLP methodologies. By combining web scraping techniques with advanced text processing algorithms, the project facilitates the analysis and understanding of Hadiths in a structured manner.
arabic-corpus mongodb nlp-pipeline web-scraping
Last synced: 15 Nov 2024
https://github.com/elmezianech/kaggle-competition-titanic
Hello ! 👋 I'm thrilled to share my debut in the world of Kaggle competitions with my solution for the Titanic: Machine Learning from Disaster competition. In this challenge, we are tasked with predicting which passengers were more likely to survive the tragic sinking of the Titanic. Public Score: 0.79186
classification kaggle kaggle-competition kaggle-titanic machine-learning titanic-survival-prediction
Last synced: 15 Nov 2024
https://github.com/elmezianech/kaggle-competition-nlp-disastertweets
🚀 Welcome to my Kaggle submission for "Natural Language Processing with Disaster Tweets." In this challenge, we explore tweets, using NLP to distinguish between those about real disasters and those that aren't. The goal is to build a robust model for accurate disaster-related tweet prediction. 🏆 Impressive F1 score of 0.79926 on the public leader
disaster-tweets kaggle kaggle-competition machine-learning nlp
Last synced: 15 Nov 2024
https://github.com/elmezianech/food-delivery-time-prediction
This machine learning project focused on predicting food delivery times. The code emphasizes essential tasks such as data cleaning, feature engineering, categorical feature encoding, data splitting, and standardization to establish a solid foundation for building a robust predictive model.
artificial-intelligence cross-validation data-cleaning data-extraction decision-tree-regression feature-engineering labelencoder linear-regression machine-learning mae ml model-building mse r2-score random-forest-regression regression rmse standardisation xgboost-regression
Last synced: 15 Nov 2024