Skip to content
View zenklinov's full-sized avatar

Block or report zenklinov

Block user

Prevent this user from interacting with your repositories and sending you notifications. Learn more about blocking users.

You must be logged in to block users.

Please don't include any personal information such as legal names or email addresses. Maximum 100 characters, markdown supported. This note will be visible to only you.
Report abuse

Contact GitHub support about this user’s behavior. Learn more about reporting abuse.

Report abuse
zenklinov/README.md

Hi 👋, Welcome to my GitHub

Data Scientist and Machine Learning Engineer from Indonesia

My Repositories:

📊 Statistics

Rainfall-Time-Series-Descriptive: Jupyter Notebook of Python scripts to visualize data using 2D Line Chart and Heatmap.
Tech/Libraries: Pandas, Geopandas, Numpy
Tags: Data Science, Data Analyze, 2D Line Chart, Heatmap
Languages Used   Top Language

🤖 Machine Learning & Deep Learning

Clustering_K-Means_Metrics_PCA: Explore K-Means clustering analysis with various distance metrics (Euclidean, Manhattan, Cosine) and PCA analysis on the Iris dataset. Investigate clustering quality and its relation to principal dimensions with clear visualizations and in-depth analysis.
Tech/Libraries: Matplotlib, Scikit-Learn
Tags: Data Science, Machine Learning, Cluster, K-Means, Dimensionality Reduction
Languages Used   Top Language

Deep-Learning-CNN-vs-RNN: This repository contains a Jupyter Notebook that compares the performance of Convolutional Neural Network (CNN) and Recurrent Neural Network (RNN) architectures for image classification tasks using the Fashion MNIST dataset. The notebook explores the process of training CNN and RNN models.
Tech/Libraries: TensorFlow, Matplotlib
Tags: Data Science, Machine Learning, Deep Learning, CNN, RNN, Classification
Languages Used   Top Language

Face-detection: This project uses OpenCV to perform real-time face detection using a webcam and image.
Tech/Libraries: OpenCV
Tags: Deep Learning, Face-detection
Languages Used   Top Language

Genetic-Algorithm-Optimization-Balancing-Matchmaking-Game-MOBA-5vs5: This repository contains a Jupyter Notebook of Balancing Matchmaking Game MOBA 5 vs 5 using Genetic Algorithm.
Tech/Libraries: Pandas, Numpy, Matplotlib, Scikit-Learn
Tags: Data Science, Machine Learning, Game
Languages Used   Top Language

Hotelling-T-Square: This repository contains the implementation of a multivariate control chart with dimension reduction techniques, namely Factor Analysis of Mixed Data (FAMD) and Autoencoder. The control chart is designed for detecting network intrusions using network data traffic.
Tech/Libraries: Pandas, Numpy, Scikit-Learn
Tags: Data Science, Machine Learning, Multivariate Control Chart, Hotelling T-Square, Dimensionality Reduction
Languages Used   Top Language

IBM_Machine_Learning_Capstone: This repository contains materials for the Machine Learning Capstone course offered by IBM. Build a course recommender system, Analyze course-related datasets, and Generate recommendation systems using techniques such as KNN, PCA, and non-negative matrix collaborative filtering.
Tech/Libraries: Pandas, Numpy, Tensorflow, Os, Pickle, Drive, FastDTW
Tags: Data Science, Machine Learning, Scikit-Learn, Matplotlib
Languages Used   Top Language

Image-recognition: This project is a simple image classification application built using PyTorch and Streamlit. It utilizes the pre-trained ResNet50 model to classify images and provides input options via file upload, URL input, or URL copied from the clipboard.
Tech/Libraries: Torch, Torchvision, PyperClip, Streamlit
Tags: Data Science, Deep Learning, Image Classifier
Languages Used   Top Language

Introduction_to_Text_Analysis: This repository contains materials and resources for learning Text Analysis. The included Jupyter Notebook demonstrates key concepts using TextBlob for sentiment analysis.
Tech/Libraries: NLTK, Textblob, Sastrawi
Tags: Data Science, Machine Learning, Text Analysis, Natural Language Processing (NLP)
Languages Used   Top Language

Metrics-Distance-TensorFlow: Python scripts to calculate various distance metrics between rows of data in a dataset using TensorFlow.
Tech/Libraries: Pandas, Numpy, Tensorflow, Os, Pickle, Drive, FastDTW
Tags: Data Science, Machine Learning, TensorFlow
Languages Used   Top Language

PCA: Principal Component Analysis implementation for data dimensionality reduction.
Tech/Libraries: Performance Analytics, Factoextra
Tags: Data Science, Machine Learning, Dimensionality Reduction
Languages Used   Top Language

Predicting_Apple_Stock_Price_using_LSTM_with_Keras_Tuner: This repository contains a project for predicting Apple Inc.'s stock prices using a Long Short-Term Memory (LSTM) neural network. The model is optimized using Keras Tuner, a library for hyperparameter tuning in deep learning models. The dataset used for training and testing the model is sourced from Yahoo Finance.
Tech/Libraries: TensorFlow, Keras, Scikit-Learn
Tags: Data Science, Machine Learning, Predictive Analysis
Languages Used   Top Language

Regression_Logistic_-_Sentiment_Analysis_Movie_Data: Logistic Regression - Sentiment Analysis for Movie Data.
Tech/Libraries: Scikit-Learn, Natural Languange Toolkit (NLTK), Pandas
Tags: Data Science, Machine Learning, Sentiment Analysis, Natural Language Processing (NLP)
Languages Used   Top Language

🧠 Artificial Intelligence & Large Language Models

Streamlit-CSV-excel-xlsx-Llama3-Ollama-PandasAI: This project is a simple web application for data analysis using Streamlit and PandasAI, integrating the Meta Llama 3 language model via Ollama. Users can upload CSV or XLSX files and interact with the data through natural language queries.
Tech/Libraries: Ollama, Streamlit, Pandas AI, Llama 3
Tags: Chatbot, Data Science
Languages Used   Top Language

🗄️ Getting Data

nasapower: Python client to access NASA POWER global solar and meteorological data. Getting Data NASA POWER, such as Precipitation in Regional by Single Point approach. Example Precipitation / Rainfall Data in East Java 2018-2022.
Tech/Libraries: Pandas, Geopandas, Matplotlib, nasapower
Tags: Data Science, API, Climate Data
Languages Used   Language Used

tweepy: This Python script demonstrates how to scrape recent tweets from Twitter using the Tweepy library. The script searches for tweets containing the hashtag #pepguardiola, retrieves additional tweet metadata such as context annotations and creation time, and saves the results into an Excel file.
Tech/Libraries: Pandas, Tweepy
Tags: Data Science, API, Twitter or X
Languages Used   Language Used

🔄 Integrating Application

Database_Python: This repository provides a Jupyter notebook that demonstrates how to connect Python to a PostgreSQL database. Using the psycopg2 library, the notebook guides users through the essential steps of setting up, connecting, querying, and managing data in PostgreSQL directly from Python.
Tech/Libraries: Psycopg2
Tags: Integrating PostgreSQL
Languages Used   Top Language

🎵 Music

MIDI: Python library for handling MIDI files and music processing.
Tech/Libraries: MIDIutil
Tags: Music, MIDI, Digital Signal Processing
Languages Used   Top Language

🎮 Game

Tic-Tac-Toe: Classic Tic-Tac-Toe game with AI opponent using Minimax algorithm.
Tech/Libraries: TKinter
Tags: Game Development, Artificial Intelligence
Languages Used   Top Language

zenklinov

zenklinov

Connect with me:

zenklinov zenklinov

Languages and Tools:

Google Cloud Platform Python R

 zenklinov

Pinned Loading

  1. Deep-Learning-CNN-vs-RNN Deep-Learning-CNN-vs-RNN Public

    This repository contains a Jupyter Notebook that compares the performance of Convolutional Neural Network (CNN) and Recurrent Neural Network (RNN) architectures for image classification tasks using…

    Jupyter Notebook 1

  2. Hotelling-T-Square Hotelling-T-Square Public

    This repository contains the implementation of a multivariate control chart with dimension reduction techniques, namely Factor Analysis of Mixed Data (FAMD) and Autoencoder. The control chart is de…

    Jupyter Notebook

  3. nasapower nasapower Public

    Getting Data NASA POWER, such as Precipitation in Regional by Single Point approach. Example Precipitation / Rainfall Data in East Java 2018-2022

    R 2

  4. Streamlit-CSV-excel-xlsx-Llama3-Ollama-PandasAI Streamlit-CSV-excel-xlsx-Llama3-Ollama-PandasAI Public

    This project is a simple web application for data analysis using Streamlit and PandasAI, integrating the Meta Llama 3 language model via Ollama. Users can upload CSV or XLSX files and interact with…

    Python 2