Data Science Jupyter Notebooks – Telegram
Data Science Jupyter Notebooks
12.2K subscribers
304 photos
47 videos
9 files
948 links
Explore the world of Data Science through Jupyter Notebooks—insights, tutorials, and tools to boost your data journey. Code, analyze, and visualize smarter with every post.
Download Telegram
⚡️ Running DeepSeek on our computer using Python

Do you want an LLM on your computer: to work offline, not leak data, and seamlessly integrate into a bot? Then let's take DeepSeek Coder and get started!

⚙️ Installing dependencies:
pip install -U transformers accelerate torch


▶️ Example code:
from transformers import AutoModelForCausalLM, AutoTokenizer
import torch

model_name = "deepseek-ai/deepseek-coder-6.7b-base"

tokenizer = AutoTokenizer.from_pretrained(model_name, trust_remote_code=True)
model = AutoModelForCausalLM.from_pretrained(
    model_name,
    trust_remote_code=True,
    torch_dtype=torch.float16,   # if the GPU supports fp16
    device_map="auto"            # if there's a GPU — it will use it
)
model.eval()

prompt = "Write a Telegram feedback bot on aiogram"

inputs = tokenizer(prompt, return_tensors="pt")
device = next(model.parameters()).device
inputs = {k: v.to(device) for k, v in inputs.items()}

with torch.inference_mode():
    outputs = model.generate(
        **inputs,
        max_new_tokens=180,
        do_sample=True,      # IMPORTANT: otherwise the temperature doesn't affect
        temperature=0.7,
        top_p=0.9
    )

print(tokenizer.decode(outputs[0], skip_special_tokens=True))


Advantages:
— works locally (after downloading the weights);
— easily integrates into Telegram/Discord/CLI;
— can be accelerated on the GPU via device_map="auto".

If memory is limited — there are quantized versions (4bit/8bit) and GGUF.

👍 Saving

#python #soft #code
Please open Telegram to view this post
VIEW IN TELEGRAM
1
🔥 Trending Repository: Paper2Any

📝 Denoscription: Turn paper/text/topic into editable research figures, technical route diagrams, and presentation slides.

🔗 Repository URL: https://github.com/OpenDCAI/Paper2Any

🌐 Website: http://dcai-paper2any.nas.cpolar.cn/

📖 Readme: https://github.com/OpenDCAI/Paper2Any#readme

📊 Statistics:
🌟 Stars: 944 stars
👀 Watchers: 12
🍴 Forks: 52 forks

💻 Programming Languages: Python - TypeScript - Jinja - Shell - CSS - JavaScript

🏷️ Related Topics:
#agent #ai #ppt_generator #langgraph #aippt #paper2slides #editable_pptx


==================================
🧠 By: https://news.1rj.ru/str/DataScienceM
1
🤖 Machine Learning Tutorials Repository

1. Python
2
. Computer Vision: Techniques, algorithms
3
. NLP
4.
Matplotlib
5. NumPy
6. Pandas
7.
MLOps
8. LLMs
9.
PyTorch/TensorFlow

git clone https://github.com/patchy631/machine-learning

🔗 GitHub: https://github.com/patchy631/machine-learning/tree/main

⭐️ https://news.1rj.ru/str/DataScienceT
1
🔥 Trending Repository: nautilus_trader

📝 Denoscription: A high-performance algorithmic trading platform and event-driven backtester

🔗 Repository URL: https://github.com/nautechsystems/nautilus_trader

🌐 Website: https://nautilustrader.io

📖 Readme: https://github.com/nautechsystems/nautilus_trader#readme

📊 Statistics:
🌟 Stars: 17.7K stars
👀 Watchers: 172
🍴 Forks: 2.1K forks

💻 Programming Languages: Rust - Python - Cython - Shell - C - Cap'n Proto

🏷️ Related Topics:
#python #rust #machine_learning #trading #forex #artificial_intelligence #trading_platform #algorithmic_trading_engine #sports_betting #options_trading #crypto_trading #equity_trading #futures_trading


==================================
🧠 By: https://news.1rj.ru/str/DataScienceM
1
🔥 Trending Repository: VoxCPM

📝 Denoscription: VoxCPM: Tokenizer-Free TTS for Context-Aware Speech Generation and True-to-Life Voice Cloning

🔗 Repository URL: https://github.com/OpenBMB/VoxCPM

📖 Readme: https://github.com/OpenBMB/VoxCPM#readme

📊 Statistics:
🌟 Stars: 4.4K stars
👀 Watchers: 41
🍴 Forks: 529 forks

💻 Programming Languages: Python

🏷️ Related Topics:
#audio #python #text_to_speech #speech #pytorch #tts #speech_synthesis #deeplearning #voice_cloning #tts_model #minicpm


==================================
🧠 By: https://news.1rj.ru/str/DataScienceM
1
🔥 Trending Repository: try

📝 Denoscription: fresh directories for every vibe

🔗 Repository URL: https://github.com/tobi/try

📖 Readme: https://github.com/tobi/try#readme

📊 Statistics:
🌟 Stars: 2.8K stars
👀 Watchers: 13
🍴 Forks: 102 forks

💻 Programming Languages: Shell - Ruby - Makefile - Nix

🏷️ Related Topics: Not available

==================================
🧠 By: https://news.1rj.ru/str/DataScienceM
🔥 Trending Repository: TaskExplorer

📝 Denoscription: Power full Task Manager

🔗 Repository URL: https://github.com/DavidXanatos/TaskExplorer

🌐 Website: https://xanasoft.com/

📖 Readme: https://github.com/DavidXanatos/TaskExplorer#readme

📊 Statistics:
🌟 Stars: 2.3K stars
👀 Watchers: 60
🍴 Forks: 208 forks

💻 Programming Languages: C - C++ - C# - QMake - HTML - Python

🏷️ Related Topics: Not available

==================================
🧠 By: https://news.1rj.ru/str/DataScienceM
1
Offline text recognition using DeepSeek-OCR AI: https://github.com/th1nhhdk/local_ai_ocr

👉 @DataScienceN
Please open Telegram to view this post
VIEW IN TELEGRAM
2👍1
🔥 Trending Repository: go2rtc

📝 Denoscription: Ultimate camera streaming application with support RTSP, RTMP, HTTP-FLV, WebRTC, MSE, HLS, MP4, MJPEG, HomeKit, FFmpeg, etc.

🔗 Repository URL: https://github.com/AlexxIT/go2rtc

📖 Readme: https://github.com/AlexxIT/go2rtc#readme

📊 Statistics:
🌟 Stars: 11.3K stars
👀 Watchers: 92
🍴 Forks: 861 forks

💻 Programming Languages: Go - HTML - JavaScript - C - Dockerfile - Batchfile - Shell

🏷️ Related Topics:
#streaming #h264 #rtsp #ffmpeg #mp4 #hls #rtmp #webrtc #mjpeg #rtsp_server #media_server #http_flv #home_assistant #homekit #rtp #h265 #webcam_streaming #hassio


==================================
🧠 By: https://news.1rj.ru/str/DataScienceM
1
🔥 Trending Repository: awesome-remote-job

📝 Denoscription: A curated list of awesome remote jobs and resources. Inspired byhttps://github.com/vinta/awesome-python

🔗 Repository URL: https://github.com/lukasz-madon/awesome-remote-job

📖 Readme: https://github.com/lukasz-madon/awesome-remote-job#readme

📊 Statistics:
🌟 Stars: 42.3K stars
👀 Watchers: 1.1k
🍴 Forks: 4.4K forks

💻 Programming Languages: Not available

🏷️ Related Topics:
#list #awesome #awesome_list


==================================
🧠 By: https://news.1rj.ru/str/DataScienceM
1
This media is not supported in your browser
VIEW IN TELEGRAM
Deploy any ML model as an MCP server.

LitServe: the simplest way to roll out agents, RAG, and generally any ML models. Now with MCP support.

Completely open-source.

👉 @DataScienceN
Please open Telegram to view this post
VIEW IN TELEGRAM
2
🔥 Trending Repository: tambo

📝 Denoscription: Generative UI SDK for React

🔗 Repository URL: https://github.com/tambo-ai/tambo

🌐 Website: https://tambo.co

📖 Readme: https://github.com/tambo-ai/tambo#readme

📊 Statistics:
🌟 Stars: 3K stars
👀 Watchers: 16
🍴 Forks: 180 forks

💻 Programming Languages: TypeScript - JavaScript - CSS - MDX - Shell - PLpgSQL - Dockerfile

🏷️ Related Topics:
#react #agent #ui #ai #js #reactjs #assistant #ui_components #agents #assistant_chat_bots #generative_ui


==================================
🧠 By: https://news.1rj.ru/str/DataScienceM
🔥 Trending Repository: compound-engineering-plugin

📝 Denoscription: Official Claude Code compound engineering plugin

🔗 Repository URL: https://github.com/EveryInc/compound-engineering-plugin

📖 Readme: https://github.com/EveryInc/compound-engineering-plugin#readme

📊 Statistics:
🌟 Stars: 5.4K stars
👀 Watchers: 69
🍴 Forks: 447 forks

💻 Programming Languages: Python - Ruby - Shell

🏷️ Related Topics: Not available

==================================
🧠 By: https://news.1rj.ru/str/DataScienceM
🔥 Trending Repository: grok-1

📝 Denoscription: Grok open release

🔗 Repository URL: https://github.com/xai-org/grok-1

📖 Readme: https://github.com/xai-org/grok-1#readme

📊 Statistics:
🌟 Stars: 50.8K stars
👀 Watchers: 636
🍴 Forks: 8.4K forks

💻 Programming Languages: Python

🏷️ Related Topics: Not available

==================================
🧠 By: https://news.1rj.ru/str/DataScienceM
🔥 Trending Repository: Data-Science-For-Beginners

📝 Denoscription: 10 Weeks, 20 Lessons, Data Science for All!

🔗 Repository URL: https://github.com/microsoft/Data-Science-For-Beginners

📖 Readme: https://github.com/microsoft/Data-Science-For-Beginners#readme

📊 Statistics:
🌟 Stars: 31.9K stars
👀 Watchers: 513
🍴 Forks: 6.8K forks

💻 Programming Languages: Jupyter Notebook

🏷️ Related Topics:
#python #data_science #pandas #data_visualization #data_analysis #microsoft_for_beginners


==================================
🧠 By: https://news.1rj.ru/str/DataScienceM
1
🙏💸 500$ FOR THE FIRST 500 WHO JOIN THE CHANNEL! 🙏💸

Join our channel today for free! Tomorrow it will cost 500$!

https://news.1rj.ru/str/+0-w7MQwkOs02MmJi

You can join at this link! 👆👇

https://news.1rj.ru/str/+0-w7MQwkOs02MmJi
Forwarded from Data Analytics
This repository collects everything you need to use AI and LLM in your projects.

120+ libraries, organized by development stages:

→ Model training, fine-tuning, and evaluation
→ Deploying applications with LLM and RAG
→ Fast and scalable model launch
→ Data extraction, crawlers, and scrapers
→ Creating autonomous LLM agents
→ Prompt optimization and security

Repo: https://github.com/KalyanKS-NLP/llm-engineer-toolkit

🥺 https://news.1rj.ru/str/DataAnalyticsX
Please open Telegram to view this post
VIEW IN TELEGRAM
4
🔥 Trending Repository: datascience

📝 Denoscription: This repository is a compilation of free resources for learning Data Science.

🔗 Repository URL: https://github.com/sreeharierk/datascience

🌐 Website: https://twitter.com/sreeharierk

📖 Readme: https://github.com/sreeharierk/datascience#readme

📊 Statistics:
🌟 Stars: 5.1K stars
👀 Watchers: 378
🍴 Forks: 530 forks

💻 Programming Languages: Not available

🏷️ Related Topics:
#data_science #machine_learning #natural_language_processing #computer_vision #machine_learning_algorithms #artificial_intelligence #neural_networks #deeplearning #datascienceproject


==================================
🧠 By: https://news.1rj.ru/str/DataScienceN