🇬🇧 Made in United Kingdom

Discover United Kingdom's Leading Open Source Projects: Explore top-notch open source initiatives hailing from the vibrant tech community of United Kingdom.

TOP Jupyter Notebook Projects

1
Stability-AI/StableLM

Stability-AI/StableLM

StableLM: Stability AI Language Models
Jupyter Notebook
15,803
star
2
iamtrask/Grokking-Deep-Learning

iamtrask/Grokking-Deep-Learning

this repository accompanies the book "Grokking Deep Learning"
Jupyter Notebook
7,064
star
3
firmai/industry-machine-learning

firmai/industry-machine-learning

A curated list of applied machine learning and data science notebooks and libraries across different industries (by @firmai)
Jupyter Notebook
6,804
star
4
bentrevett/pytorch-seq2seq

bentrevett/pytorch-seq2seq

Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Jupyter Notebook
5,139
star
5
bentrevett/pytorch-sentiment-analysis

bentrevett/pytorch-sentiment-analysis

Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Jupyter Notebook
4,213
star
6
robertmartin8/PyPortfolioOpt

robertmartin8/PyPortfolioOpt

Financial portfolio optimisation in python, including classical efficient frontier, Black-Litterman, Hierarchical Risk Parity
Jupyter Notebook
4,139
star
7
collabora/WhisperSpeech

collabora/WhisperSpeech

An Open Source text-to-speech system built by inverting Whisper.
Jupyter Notebook
3,160
star
8
leriomaggio/deep-learning-keras-tensorflow

leriomaggio/deep-learning-keras-tensorflow

Introduction to Deep Neural Networks with Keras and Tensorflow
Jupyter Notebook
2,929
star
9
wowchemy/starter-hugo-academic

wowchemy/starter-hugo-academic

🎓 Hugo Academic Theme 创建一个学术网站. Easily create a beautiful academic résumé or educational website using Hugo and GitHub.
Jupyter Notebook
2,903
star
10
Stability-AI/stability-sdk

Stability-AI/stability-sdk

SDK for interacting with stability.ai APIs (e.g. stable diffusion inference)
Jupyter Notebook
2,377
star
11
ajcr/100-pandas-puzzles

ajcr/100-pandas-puzzles

100 data puzzles for pandas, ranging from short and simple to super tricky (60% complete)
Jupyter Notebook
2,109
star
12
PacktPublishing/The-Kaggle-Book

PacktPublishing/The-Kaggle-Book

Code Repository for The Kaggle Book, Published by Packt Publishing
Jupyter Notebook
2,056
star
13
AppliedDataSciencePartners/DeepReinforcementLearning

AppliedDataSciencePartners/DeepReinforcementLearning

A replica of the AlphaZero methodology for deep reinforcement learning in Python
Jupyter Notebook
1,998
star
14
gerdm/prml

gerdm/prml

Repository of notes, code and notebooks in Python for the book Pattern Recognition and Machine Learning by Christopher Bishop
Jupyter Notebook
1,761
star
15
JavierAntoran/Bayesian-Neural-Networks

JavierAntoran/Bayesian-Neural-Networks

Pytorch implementations of Bayes By Backprop, MC Dropout, SGLD, the Local Reparametrization Trick, KF-Laplace, SG-HMC and more
Jupyter Notebook
1,708
star
16
eddwebster/football_analytics

eddwebster/football_analytics

📊⚽ A collection of football analytics projects, data, and analysis by Edd Webster (@eddwebster), including a curated list of publicly available resources published by the football analytics community.
Jupyter Notebook
1,694
star
17
ilkarman/DeepLearningFrameworks

ilkarman/DeepLearningFrameworks

Demo of running NNs across different frameworks
Jupyter Notebook
1,659
star
18
benyaminahmed/nft-image-generator

benyaminahmed/nft-image-generator

Jupyter Notebook
1,623
star
19
enggen/Deep-Learning-Coursera

enggen/Deep-Learning-Coursera

Deep Learning Specialization by Andrew Ng, deeplearning.ai.
Jupyter Notebook
1,570
star
20
jadianes/spark-py-notebooks

jadianes/spark-py-notebooks

Apache Spark & Python (pySpark) tutorials for Big Data Analysis and Machine Learning as IPython / Jupyter notebooks
Jupyter Notebook
1,570
star
21
TheEconomist/big-mac-data

TheEconomist/big-mac-data

Data and methodology for the Big Mac index
Jupyter Notebook
1,534
star
22
firmai/machine-learning-asset-management

firmai/machine-learning-asset-management

Machine Learning in Asset Management (by @firmai)
Jupyter Notebook
1,534
star
23
davidADSP/GDL_code

davidADSP/GDL_code

The official code repository for examples in the O'Reilly book 'Generative Deep Learning'
Jupyter Notebook
1,460
star
24
neomatrix369/awesome-ai-ml-dl

neomatrix369/awesome-ai-ml-dl

Awesome Artificial Intelligence, Machine Learning and Deep Learning as we learn it. Study notes and a curated list of awesome resources of such topics.
Jupyter Notebook
1,398
star
25
firmai/awesome-google-colab

firmai/awesome-google-colab

Google Colaboratory Notebooks and Repositories (by @firmai)
Jupyter Notebook
1,335
star
26
PacktPublishing/Hands-On-Machine-Learning-for-Algorithmic-Trading

PacktPublishing/Hands-On-Machine-Learning-for-Algorithmic-Trading

Hands-On Machine Learning for Algorithmic Trading, published by Packt
Jupyter Notebook
1,309
star
27
babylonhealth/fastText_multilingual

babylonhealth/fastText_multilingual

Multilingual word vectors in 78 languages
Jupyter Notebook
1,187
star
28
PacktPublishing/Machine-Learning-for-Algorithmic-Trading-Second-Edition_Original

PacktPublishing/Machine-Learning-for-Algorithmic-Trading-Second-Edition_Original

Machine Learning for Algorithmic Trading, Second Edition - published by Packt
Jupyter Notebook
1,083
star
29
PacktPublishing/Deep-Learning-with-Keras

PacktPublishing/Deep-Learning-with-Keras

Code repository for Deep Learning with Keras published by Packt
Jupyter Notebook
1,047
star
30
yu-takagi/StableDiffusionReconstruction

yu-takagi/StableDiffusionReconstruction

Takagi and Nishimoto, CVPR 2023
Jupyter Notebook
1,036
star
31
PacktPublishing/Deep-Reinforcement-Learning-Hands-On-Second-Edition

PacktPublishing/Deep-Reinforcement-Learning-Hands-On-Second-Edition

Deep-Reinforcement-Learning-Hands-On-Second-Edition, published by Packt
Jupyter Notebook
1,028
star
32
serengil/tensorflow-101

serengil/tensorflow-101

TensorFlow 101: Introduction to Deep Learning
Jupyter Notebook
999
star
33
bentrevett/pytorch-image-classification

bentrevett/pytorch-image-classification

Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Jupyter Notebook
909
star
34
quantumiracle/Popular-RL-Algorithms

quantumiracle/Popular-RL-Algorithms

PyTorch implementation of Soft Actor-Critic (SAC), Twin Delayed DDPG (TD3), Actor-Critic (AC/A2C), Proximal Policy Optimization (PPO), QT-Opt, PointNet..
Jupyter Notebook
887
star
35
jadianes/spark-movie-lens

jadianes/spark-movie-lens

An on-line movie recommender using Spark, Python Flask, and the MovieLens dataset
Jupyter Notebook
806
star
36
davidADSP/Generative_Deep_Learning_2nd_Edition

davidADSP/Generative_Deep_Learning_2nd_Edition

The official code repository for the second edition of the O'Reilly book Generative Deep Learning: Teaching Machines to Paint, Write, Compose and Play.
Jupyter Notebook
797
star
37
firmai/business-machine-learning

firmai/business-machine-learning

A curated list of practical business machine learning (BML) and business data science (BDS) applications for Accounting, Customer, Employee, Legal, Management and Operations (by @firmai)
Jupyter Notebook
709
star
38
PacktPublishing/Python-for-Finance-Cookbook

PacktPublishing/Python-for-Finance-Cookbook

Python for Finance Cookbook, published by Packt
Jupyter Notebook
693
star
39
OATML/bdl-benchmarks

OATML/bdl-benchmarks

Bayesian Deep Learning Benchmarks
Jupyter Notebook
650
star
40
PacktPublishing/Hands-on-Exploratory-Data-Analysis-with-Python

PacktPublishing/Hands-on-Exploratory-Data-Analysis-with-Python

Hands-on Exploratory Data Analysis with Python, published by Packt
Jupyter Notebook
647
star
41
teticio/audio-diffusion

teticio/audio-diffusion

Apply diffusion models using the new Hugging Face diffusers package to synthesize music instead of images.
Jupyter Notebook
637
star
42
PacktPublishing/Pandas-Cookbook

PacktPublishing/Pandas-Cookbook

Pandas Cookbook, published by Packt
Jupyter Notebook
623
star
43
TrainingByPackt/Data-Science-Projects-with-Python

TrainingByPackt/Data-Science-Projects-with-Python

A Case Study Approach to Successful Data Science Projects Using Python, Pandas, and Scikit-Learn
Jupyter Notebook
609
star
44
PacktPublishing/Modern-Computer-Vision-with-PyTorch

PacktPublishing/Modern-Computer-Vision-with-PyTorch

Modern Computer Vision with PyTorch, published by Packt
Jupyter Notebook
585
star
45
jadianes/data-science-your-way

jadianes/data-science-your-way

Ways of doing Data Science Engineering and Machine Learning in R and Python
Jupyter Notebook
575
star
46
mwouts/itables

mwouts/itables

Pandas DataFrames as Interactive DataTables
Jupyter Notebook
571
star
47
PacktPublishing/Causal-Inference-and-Discovery-in-Python

PacktPublishing/Causal-Inference-and-Discovery-in-Python

Causal Inference and Discovery in Python by Packt Publishing
Jupyter Notebook
555
star
48
smartgeometry-ucl/dl4g

smartgeometry-ucl/dl4g

Example code for the Siggraph Asia Tutorial CreativeAI
Jupyter Notebook
543
star
49
pedropro/TACO

pedropro/TACO

🌮 Trash Annotations in Context Dataset Toolkit
Jupyter Notebook
542
star
50
mattmurray/music_recommender

mattmurray/music_recommender

Music recommender using deep learning with Keras and TensorFlow
Jupyter Notebook
539
star
51
PacktPublishing/Transformers-for-Natural-Language-Processing

PacktPublishing/Transformers-for-Natural-Language-Processing

Transformers for Natural Language Processing, published by Packt
Jupyter Notebook
539
star
52
ianozsvald/data_science_delivered

ianozsvald/data_science_delivered

Observations from Ian on successfully delivering data science products
Jupyter Notebook
539
star
53
SimonKohl/probabilistic_unet

SimonKohl/probabilistic_unet

A U-Net combined with a variational auto-encoder that is able to learn conditional distributions over semantic segmentations.
Jupyter Notebook
537
star
54
HenriquesLab/ZeroCostDL4Mic

HenriquesLab/ZeroCostDL4Mic

ZeroCostDL4Mic: A Google Colab based no-cost toolbox to explore Deep-Learning in Microscopy
Jupyter Notebook
534
star
55
PacktPublishing/Hands-On-Graph-Neural-Networks-Using-Python

PacktPublishing/Hands-On-Graph-Neural-Networks-Using-Python

Hands-On Graph Neural Networks Using Python, published by Packt
Jupyter Notebook
500
star
56
d4nst/RotNet

d4nst/RotNet

Jupyter Notebook
497
star
57
firmai/deltapy

firmai/deltapy

DeltaPy - Tabular Data Augmentation (by @firmai)
Jupyter Notebook
493
star
58
PacktPublishing/Python-Machine-Learning-Second-Edition

PacktPublishing/Python-Machine-Learning-Second-Edition

Python Machine Learning - Second Edition, published by Packt
Jupyter Notebook
477
star
59
PacktPublishing/Python-Feature-Engineering-Cookbook

PacktPublishing/Python-Feature-Engineering-Cookbook

Python Feature Engineering Cookbook, published by Packt
Jupyter Notebook
448
star
60
filangelos/qtrader

filangelos/qtrader

Reinforcement Learning for Portfolio Management
Jupyter Notebook
446
star
61
EricWebsmith/china_job_survey

EricWebsmith/china_job_survey

stats of Chinese developers. 统计中国程序员的就业情况
Jupyter Notebook
445
star
62
mstampfer/Coursera-Stanford-ML-Python

mstampfer/Coursera-Stanford-ML-Python

Coursera/Stanford Machine Learning course assignments in python
Jupyter Notebook
438
star
63
PacktPublishing/Deep-Learning-with-PyTorch

PacktPublishing/Deep-Learning-with-PyTorch

Deep Learning with PyTorch, published by Packt
Jupyter Notebook
437
star
64
jessicayung/self-driving-car-nd

jessicayung/self-driving-car-nd

Udacity's Self-Driving Car Nanodegree project files and notes.
Jupyter Notebook
433
star
65
PacktPublishing/Interpretable-Machine-Learning-with-Python

PacktPublishing/Interpretable-Machine-Learning-with-Python

Interpretable Machine Learning with Python, published by Packt
Jupyter Notebook
423
star
66
maciejkula/triplet_recommendations_keras

maciejkula/triplet_recommendations_keras

An example of doing MovieLens recommendations using triplet loss in Keras
Jupyter Notebook
417
star
67
sdiehl/numpile

sdiehl/numpile

A tiny 1000 line LLVM-based numeric specializer for scientific Python code.
Jupyter Notebook
401
star
68
JordiCorbilla/stock-prediction-deep-neural-learning

JordiCorbilla/stock-prediction-deep-neural-learning

Predicting stock prices using a TensorFlow LSTM (long short-term memory) neural network for times series forecasting
Jupyter Notebook
401
star
69
maitbayev/the-elements-of-statistical-learning

maitbayev/the-elements-of-statistical-learning

My notes and codes (jupyter notebooks) for the "The Elements of Statistical Learning" by Trevor Hastie, Robert Tibshirani and Jerome Friedman
Jupyter Notebook
396
star
70
PacktPublishing/Mastering-Python-for-Finance-Second-Edition

PacktPublishing/Mastering-Python-for-Finance-Second-Edition

Mastering Python for Finance – Second Edition, published by Packt
Jupyter Notebook
394
star
71
TheEconomist/graphic-detail-data

TheEconomist/graphic-detail-data

Data and code behind the Economist's Graphic Detail section.
Jupyter Notebook
393
star
72
yihong-chen/neural-collaborative-filtering

yihong-chen/neural-collaborative-filtering

pytorch version of neural collaborative filtering
Jupyter Notebook
389
star
73
atomic14/diy-alexa

atomic14/diy-alexa

DIY Alexa
Jupyter Notebook
387
star
74
lin-shuyu/VAE-LSTM-for-anomaly-detection

lin-shuyu/VAE-LSTM-for-anomaly-detection

We propose a VAE-LSTM model as an unsupervised learning approach for anomaly detection in time series.
Jupyter Notebook
385
star
75
firmai/python-business-analytics

firmai/python-business-analytics

Python solutions to solve practical business problems.
Jupyter Notebook
375
star
76
PacktPublishing/Hands-On-Computer-Vision-with-TensorFlow-2

PacktPublishing/Hands-On-Computer-Vision-with-TensorFlow-2

Hands-On Computer Vision with TensorFlow 2, published by Packt
Jupyter Notebook
366
star
77
MachineLearnia/Python-Machine-Learning

MachineLearnia/Python-Machine-Learning

Tous les codes utilisés dans la série YouTube Python Spécial Machine Learning !
Jupyter Notebook
359
star
78
ianozsvald/ipython_memory_usage

ianozsvald/ipython_memory_usage

IPython tool to report memory usage deltas for every command you type
Jupyter Notebook
358
star
79
hnarayanan/artistic-style-transfer

hnarayanan/artistic-style-transfer

Convolutional neural networks for artistic style transfer.
Jupyter Notebook
354
star
80
PacktPublishing/Python-Machine-Learning-Blueprints

PacktPublishing/Python-Machine-Learning-Blueprints

Code repository for Python Machine Learning Blueprints, published by Packt
Jupyter Notebook
349
star
81
jbornschein/draw

jbornschein/draw

Reimplementation of DRAW
Jupyter Notebook
347
star
82
PacktPublishing/Practical-Time-Series-Analysis

PacktPublishing/Practical-Time-Series-Analysis

Practical Time-Series Analysis, published by Packt
Jupyter Notebook
345
star
83
cardiffnlp/tweeteval

cardiffnlp/tweeteval

Repository for TweetEval
Jupyter Notebook
341
star
84
jbarrasa/goingmeta

jbarrasa/goingmeta

code and resources used in the Going Meta sessions
Jupyter Notebook
340
star
85
PacktPublishing/Machine-Learning-for-Algorithmic-Trading-Bots-with-Python

PacktPublishing/Machine-Learning-for-Algorithmic-Trading-Bots-with-Python

Jupyter Notebook
337
star
86
PacktPublishing/Machine-Learning-for-Finance

PacktPublishing/Machine-Learning-for-Finance

Machine Learning for Finance, published by Packt
Jupyter Notebook
336
star
87
iosband/ts_tutorial

iosband/ts_tutorial

Jupyter Notebook
330
star
88
ecs-vlc/FMix

ecs-vlc/FMix

Official implementation of 'FMix: Enhancing Mixed Sample Data Augmentation'
Jupyter Notebook
329
star
89
peterroelants/peterroelants.github.io

peterroelants/peterroelants.github.io

Blog
Jupyter Notebook
329
star
90
PacktPublishing/Python-Algorithmic-Trading-Cookbook

PacktPublishing/Python-Algorithmic-Trading-Cookbook

Python Algorithmic Trading Cookbook, published by Packt
Jupyter Notebook
327
star
91
CQCL/pytket-docs

CQCL/pytket-docs

User manual and example notebooks for the pytket quantum SDK
Jupyter Notebook
324
star
92
PacktPublishing/Python-Artificial-Intelligence-Projects-for-Beginners

PacktPublishing/Python-Artificial-Intelligence-Projects-for-Beginners

Python Artificial Intelligence Projects for Beginners, published by Packt
Jupyter Notebook
321
star
93
v-iashin/SpecVQGAN

v-iashin/SpecVQGAN

Source code for "Taming Visually Guided Sound Generation" (Oral at the BMVC 2021)
Jupyter Notebook
318
star
94
kipgparker/soft-prompt-tuning

kipgparker/soft-prompt-tuning

Jupyter Notebook
315
star
95
PacktPublishing/Modern-Time-Series-Forecasting-with-Python

PacktPublishing/Modern-Time-Series-Forecasting-with-Python

Modern Time Series Forecasting with Python, published by Packt
Jupyter Notebook
315
star
96
MohamadZeina/Disco_Diffusion_Local

MohamadZeina/Disco_Diffusion_Local

Getting the latest versions of Disco Diffusion to work locally, instead of colab. Including how I run this on Windows, despite some Linux only dependencies ;)
Jupyter Notebook
314
star
97
mmalekzadeh/motion-sense

mmalekzadeh/motion-sense

MotionSense Dataset for Human Activity and Attribute Recognition ( time-series data generated by smartphone's sensors: accelerometer and gyroscope) (PMC Journal) (IoTDI'19)
Jupyter Notebook
312
star
98
benman1/generative_ai_with_langchain

benman1/generative_ai_with_langchain

Build large language model (LLM) apps with Python, ChatGPT and other models. This is the companion repository for the book on generative AI with LangChain.
Jupyter Notebook
312
star
99
ARM-software/mango

ARM-software/mango

Parallel Hyperparameter Tuning in Python
Jupyter Notebook
311
star
100
PacktPublishing/Learning-PySpark

PacktPublishing/Learning-PySpark

Code repository for Learning PySpark by Packt
Jupyter Notebook
303
star