π Daily Useful Scripts
Daily.py is a repository that provides a collection of ready-to-use Python scripts for automating common daily tasks.
βͺ Github: https://github.com/Chamepp/Daily.py
https://t.me/CodeProgrammer
Daily.py is a repository that provides a collection of ready-to-use Python scripts for automating common daily tasks.
git clone https://github.com/Chamepp/Daily.py.git
βͺ Github: https://github.com/Chamepp/Daily.py
https://t.me/CodeProgrammer
Introduction to Python
What Youβll Learn:
β’ Installing a Python environment
β’ The basics of the Python language
https://realpython.com/learning-paths/python3-introduction/
https://t.me/CodeProgrammer
Learn fundamental concepts for Python beginners that will help you get started on your journey to learn Python. These tutorials focus on the absolutely essential things you need to know about Python.
What Youβll Learn:
β’ Installing a Python environment
β’ The basics of the Python language
https://realpython.com/learning-paths/python3-introduction/
https://t.me/CodeProgrammer
Flask by Example
Youβre going to start building a Flask app that calculates word-frequency pairs based on the text from a given URL. This is a full-stack tutorial covering a number of web development techniques. Jump right in and discover the basics of Python web development with the Flask microframework.
https://realpython.com/learning-paths/flask-by-example/
https://t.me/CodeProgrammer
Youβre going to start building a Flask app that calculates word-frequency pairs based on the text from a given URL. This is a full-stack tutorial covering a number of web development techniques. Jump right in and discover the basics of Python web development with the Flask microframework.
https://realpython.com/learning-paths/flask-by-example/
https://t.me/CodeProgrammer
Python | Machine Learning | Coding | R
πβπ¨ Running YOLOv7 algorithm on your webcam using Ikomia API
πβπ¨ Running YOLOv7 algorithm on your webcam using Ikomia API
https://t.me/CodeProgrammer
from ikomia.dataprocess.workflow import Workflow
from ikomia.utils import ik
from ikomia.utils.displayIO import display
import cv2
stream = cv2.VideoCapture(0)
# Init the workflow
wf = Workflow()
# Add color conversion
cvt = wf.add_task(ik.ocv_color_conversion(code=str(cv2.COLOR_BGR2RGB)), auto_connect=True)
# Add YOLOv7 detection
yolo = wf.add_task(ik.infer_yolo_v7(conf_thres="0.7"), auto_connect=True)
while True:
ret, frame = stream.read()
# Test if streaming is OK
if not ret:
continue
# Run workflow on image
wf.run_on(frame)
# Display results from "yolo"
display(
yolo.get_image_with_graphics(),
title="Object Detection - press 'q' to quit",
viewer="opencv"
)
# Press 'q' to quit the streaming process
if cv2.waitKey(1) & 0xFF == ord('q'):
break
# After the loop release the stream object
stream.release()
# Destroy all windows
cv2.destroyAllWindows()
https://t.me/CodeProgrammer
This media is not supported in your browser
VIEW IN TELEGRAM
π¦ Code Llama
The most powerful AI assistant for writing Python code.
β’ Github: https://github.com/facebookresearch/codellama
β’ Docs: https://ai.meta.com/blog/code-llama-large-language-model-coding/
β’ Post: https://ai.meta.com/blog/code-llama-large-language-model-coding/
https://t.me/CodeProgrammer
The most powerful AI assistant for writing Python code.
β’ Github: https://github.com/facebookresearch/codellama
β’ Docs: https://ai.meta.com/blog/code-llama-large-language-model-coding/
β’ Post: https://ai.meta.com/blog/code-llama-large-language-model-coding/
https://t.me/CodeProgrammer
This media is not supported in your browser
VIEW IN TELEGRAM
πSavant: Supercharged Computer Vision and Video Analytics Framework on DeepStream
βͺGithub: https://github.com/insight-platform/Savant
https://t.me/CodeProgrammer
git clone https://github.com/insight-platform/Savant.git
cd Savant/samples/peoplenet_detector
git lfs pull
βͺGithub: https://github.com/insight-platform/Savant
https://t.me/CodeProgrammer
π₯ Convert PDF to docx using Python
βͺGithub: https://github.com/dothinking/pdf2docx
https://t.me/CodeProgrammer
Please more reaction with our posts
βͺGithub: https://github.com/dothinking/pdf2docx
https://t.me/CodeProgrammer
Please more reaction with our posts
π₯ Roadmap of free courses for learning Python and Machine learning.
βͺData Science
βͺ AI/ML
βͺ Web Dev
1. Start with this
https://kaggle.com/learn/python
2. Take any one of these
β― https://openclassrooms.com/courses/6900856-learn-programming-with-python
β― https://scaler.com/topics/course/python-for-beginners/
β― https://simplilearn.com/learn-python-basics-free-course-skillup
3. Then take this
https://netacad.com/courses/programming/pcap-programming-essentials-python
4. Attempt for this certification
https://freecodecamp.org/learn/scientific-computing-with-python/
5. Take it to next level
β― Data Scrapping, NumPy, Pandas
https://scaler.com/topics/course/python-for-data-science/
β― Data Analysis
https://openclassrooms.com/courses/2304731-learn-python-basics-for-data-analysis
β― Data Visualization
https://kaggle.com/learn/data-visualization
β― Django
https://openclassrooms.com/courses/6967196-create-a-web-application-with-django
β― Machine Learning
http://developers.google.com/machine-learning/crash-course
β― Deep Learning (TensorFlow)
http://kaggle.com/learn/intro-to-deep-learning
https://t.me/CodeProgrammer
Please more reaction with our posts
βͺData Science
βͺ AI/ML
βͺ Web Dev
1. Start with this
https://kaggle.com/learn/python
2. Take any one of these
β― https://openclassrooms.com/courses/6900856-learn-programming-with-python
β― https://scaler.com/topics/course/python-for-beginners/
β― https://simplilearn.com/learn-python-basics-free-course-skillup
3. Then take this
https://netacad.com/courses/programming/pcap-programming-essentials-python
4. Attempt for this certification
https://freecodecamp.org/learn/scientific-computing-with-python/
5. Take it to next level
β― Data Scrapping, NumPy, Pandas
https://scaler.com/topics/course/python-for-data-science/
β― Data Analysis
https://openclassrooms.com/courses/2304731-learn-python-basics-for-data-analysis
β― Data Visualization
https://kaggle.com/learn/data-visualization
β― Django
https://openclassrooms.com/courses/6967196-create-a-web-application-with-django
β― Machine Learning
http://developers.google.com/machine-learning/crash-course
β― Deep Learning (TensorFlow)
http://kaggle.com/learn/intro-to-deep-learning
https://t.me/CodeProgrammer
Please more reaction with our posts
ML_cheatsheets.pdf
6.5 MB
Machine Learning cheatsheet (very important)
https://t.me/CodeProgrammer
Please more reaction with our posts
https://t.me/CodeProgrammer
Please more reaction with our posts
Python | Machine Learning | Coding | R
β Hand gesture recognition Full Source Code ππππ
β Hand gesture recognition
https://t.me/CodeProgrammer
Please more reaction with our posts
import cv2
import mediapipe as mp
# Initialize MediaPipe Hands module
mp_hands = mp.solutions.hands
hands = mp_hands.Hands()
# Initialize MediaPipe Drawing module for drawing landmarks
mp_drawing = mp.solutions.drawing_utils
# Open a video capture object (0 for the default camera)
cap = cv2.VideoCapture(0)
while cap.isOpened():
ret, frame = cap.read()
if not ret:
continue
# Convert the frame to RGB format
frame_rgb = cv2.cvtColor(frame, cv2.COLOR_BGR2RGB)
# Process the frame to detect hands
results = hands.process(frame_rgb)
# Check if hands are detected
if results.multi_hand_landmarks:
for hand_landmarks in results.multi_hand_landmarks:
# Draw landmarks on the frame
mp_drawing.draw_landmarks(frame, hand_landmarks, mp_hands.HAND_CONNECTIONS)
# Display the frame with hand landmarks
cv2.imshow('Hand Recognition', frame)
# Exit when 'q' is pressed
if cv2.waitKey(1) & 0xFF == ord('q'):
break
# Release the video capture object and close the OpenCV windows
cap.release()
cv2.destroyAllWindows()
https://t.me/CodeProgrammer
Please more reaction with our posts