An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: python-implementation

Evil0ctal/Evil-Lang

Evil Lang | Educational language for exploring interpreters & closures A lightweight Python-implemented language blending functional/imperative paradigms

Language: Python - Size: 238 KB - Last synced at: 5 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

bourbonut/detroit

detroit is a Python implementation of d3js

Language: Python - Size: 10.1 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 60 - Forks: 0

shedskin/shedskin

Shed Skin is a restricted-Python-to-C++ compiler. Read the introduction below to learn about the restrictions.

Language: Python - Size: 36.2 MB - Last synced at: 10 days ago - Pushed at: 5 months ago - Stars: 922 - Forks: 111

MuhammadSayyadkhan/Machine_Learning

This repository provides a comprehensive machine learning course with theoretical concepts and practical implementations

Language: Jupyter Notebook - Size: 2.16 MB - Last synced at: 2 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

chirindaopensource/llm_faithfulness_hallucination_misalignment_detection

End-to-End Python implementation of Semantic Divergence Metrics (SDM) for LLM hallucination detection. Uses ensemble paraphrasing, joint embedding clustering, and information-theoretic measures (JSD, KL divergence, Wasserstein distance) to quantify prompt-response semantic consistency. Based on Halperin (2025).

Language: Jupyter Notebook - Size: 85.9 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

KawaiiSparkle/imgpatchtools-python3

Patch block img files with <Partition>.patch.dat, like OTA zip but on any devices which could run Python3.13 | imgpatchtools Project Python3 Implementation.Generated by deepwiki ai

Language: Python - Size: 242 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

qazimsajjad/Machine-Learning-Course

This repository provides a comprehensive machine learning course with theoretical concepts and practical implementations

Language: Jupyter Notebook - Size: 48.4 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 1

gmortuza/machine-learning-scratch

Python implementation of popular machine learning algorithm

Language: Jupyter Notebook - Size: 30.6 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 18 - Forks: 5

mxgordon/RustyPython

The python interpreter implemented in Rust (WIP)

Language: Rust - Size: 7.21 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

kavya6697/DesignPatternsNotes

This repository includes both description and implementation of all 23 design patterns

Language: Python - Size: 569 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

namratha5441/Cloud-Data-Security-Model

This project focuses on cloud data security by designing an optimized key generation scheme for data protection and a deep learning model for user attack detection. The data protection scheme encrypts data before uploading it to the cloud, while the attack detection module uses a deep learning model to identify malicious users

Size: 1.95 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

elifkrtl/pkNN

k-Nearest Neighbors Algorithm with p-adic Distance

Language: Python - Size: 457 KB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

nathansamsel/mnist_neural_network

An neural network to classify the handwritten digits 0-9 for the MNIST dataset. No NN/ML libraries used.

Language: Python - Size: 15.7 MB - Last synced at: 3 months ago - Pushed at: over 8 years ago - Stars: 11 - Forks: 3

Nikhil190804/DM_Group_Project

This is the repository for our group project for Discrete Maths course. Our topic was famous travelling salesman problem.

Language: C++ - Size: 1.08 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

BIJOY-SUST/Binary-Text-Classification--Doc2vec-SVM

A Python implementation of a binary text classifier using Doc2Vec and SVM.

Language: Jupyter Notebook - Size: 13.3 MB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

Klaynight-dev/codage-huffman

Répertoire Python pour le codage Huffman. Comprend des fonctions d'encodage et de décodage, ainsi qu'une classe Noeud pour la construction de l'arbre de Huffman. Facile à utiliser avec une licence MIT.

Language: Python - Size: 13.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Xython/YAPyPy

Yet another Python Python

Language: Python - Size: 343 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 90 - Forks: 12

prathmachowksey/Hopkins-Statistic-Clustering-Tendency

A python implementation for computing the Hopkins' statistic (Lawson and Jurs 1990) for measuring clustering tendency of data

Language: Jupyter Notebook - Size: 176 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 4

ajitsingh98/Evaluation-Metrics-In-Machine-Learning-Problems-Python

evaluation metrics implementation in Python from scratch

Language: Jupyter Notebook - Size: 372 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

liuff19/ReScore

[ICLR 2023] ReScore: Boosting Causal Discovery via Adaptive Sample Reweighting

Language: Python - Size: 185 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

MichaelFish199/GausianEliminationMethod-Implementation

GausianEliminationMethod-Implementation is a project that demonstrates the implementation of the Gaussian elimination method in Python. This method is used to solve systems of linear equations and involves manipulating the equations in a specific way to eliminate variables and obtain a unique solution.

Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

MichaelFish199/LinearRegression-Implementation

This repository contains implementations of linear regression using both gradient descent and linear algebra techniques. The goal of these implementations is to provide a thorough understanding of the linear regression algorithm and its various approaches to solving for the optimal model parameters.

Language: Jupyter Notebook - Size: 72.3 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

MichaelFish199/AnomalyDetection-Implementation

This repository contains an implementation of an anomaly detection algorithm using Gaussian distribution. The algorithm can be used to identify and remove anomalies from data sets.

Language: Jupyter Notebook - Size: 405 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 1

MichaelFish199/K-Means-Clustering-Implementation

This repository contains an implementation of the K-Means clustering algorithm in Python. K-Means is an unsupervised machine learning algorithm that finds clusters in an N-dimensional space. The implementation provided in this repository allows users to apply K-Means to their own data sets and visualize the resulting clusters.

Language: Jupyter Notebook - Size: 545 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

MichaelFish199/K-NearestNeighbors-Implementation

This is a project that implements the K-Nearest Neighbors (KNN) algorithm in Python. KNN is a machine learning algorithm used for classification or regression based on training data, and is an unsupervised learning model. This implementation allows you to train a KNN model on training data and classify new data.

Language: Jupyter Notebook - Size: 46.9 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

MichaelFish199/PrincipalComponentAnalysis-Implementation

This project is an implementation of Principal Component Analysis (PCA) in Python. PCA is a technique for dimensionality reduction and data visualization that aims to find the most important underlying patterns in a dataset.

Language: Jupyter Notebook - Size: 210 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

madhups1992/RecommandationEngine

Python implementation of Apriori Algorithm from scratch for finding frequent item sets

Language: Jupyter Notebook - Size: 2.24 MB - Last synced at: 7 months ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 0

BIJOY-SUST/Binary-Text-Classification--Word2vec-SVM

A Python implementation of a binary text classifier using Word2Vec and SVM.

Language: Jupyter Notebook - Size: 12 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

israelcastilloh/sequential_investment_valuation

(Adkins & Paxson) Analytical Method Modelling on Sequential Investment Opportunites for Project Valuations.

Language: HTML - Size: 152 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

jyoti0225/Implementation-of-Neural-Network

Contains the architecture of neural network in python (without using any framework)

Language: Jupyter Notebook - Size: 2.65 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

shambu09/snake-python

Snake Xenzia implemented in python

Language: Python - Size: 21.5 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

shambu09/FlapPy

Python Implementation of the Classic Flappy Bird game.

Language: Python - Size: 14.6 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

hanyoseob/youtube-journal-005-python-with-clang

[JOURNAL TIP] 004 - Python With Clang

Language: Cuda - Size: 130 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 2

hanyoseob/python-transpose

Tranpose operator

Language: Python - Size: 10.7 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

hanyoseob/matlab-transpose

Transpose operator

Language: MATLAB - Size: 6.84 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 1

Related Keywords
python-implementation 35 python 14 machine-learning 10 unsupervised-learning 3 regression 3 linear-regression 3 python3 3 classification 3 mathematics 2 deep-learning 2 logistic-regression 2 gradient-descent 2 2d 2 text-classification 2 compiler 2 svm-classifier 2 pygame 2 binary-classification 2 neural-network 2 complex-conjugate 2 inner-product 2 transpose-function 2 transpose-matrix 2 solve-for-inputs 1 cluster-analysis 1 cluster-tendency 1 data-mining 1 hopkins-statistic 1 accuracy-score 1 classification-metrics 1 clustering-metrics 1 regression-metrics 1 performance-metrics 1 performance-evaluation 1 f1-score 1 weights 1 discrete-mathematics 1 travelling-salesman-problem 1 doc2vec-model 1 algorithmic-coding 1 coding-practice 1 compression-algorithm 1 computer-science 1 data-structure 1 efficient-algorithms 1 encoding-and-decoding 1 huffman-coding 1 open-source 1 python-app 1 compatibility 1 python-extension 1 frequent-itemset-mining 1 from-scratch 1 reco 1 scratch 1 word2vec-model 1 quantitative-finance 1 real-options-analysis 1 valuation-model 1 neural-network-architectures 1 ai 1 classic 1 game 1 snake-python 1 flappy-bird 1 game-development 1 ctypes 1 cupy 1 ffi 1 causal-discovery 1 causality 1 function 1 gausianelimination 1 linear-equation-solver 1 linear-algebra 1 anomaly-detection 1 anomaly-detection-algorithm 1 gausian 1 normal-distribution 1 clustring 1 k-means-clustering 1 classifier 1 knn-algorithm 1 supervised-learning 1 analysis 1 pca-algorithm 1 apriori-algorithm 1 closure-support 1 sklearn 1 ai-safety 1 clustering-algorithms 1 computational-linguistics 1 divergence-metrics 1 hallucination-detection 1 information-theory 1 llm-evaluation 1 model-validation 1 natural-language-processing 1 openai-api 1 prompt-engineering 1