From feaccbd1d8a23b25e8d5f3bcdaa048f410751c2b Mon Sep 17 00:00:00 2001 From: souradip_pal <souradip.iitg@gmail.com> Date: Sun, 12 May 2024 03:05:52 -0400 Subject: [PATCH] Updated data.ipynb --- TouchPose | 1 - scripts/data.ipynb | 4808 ++++++++++++++++++++++++++++++++++++++++++-- 2 files changed, 4612 insertions(+), 197 deletions(-) delete mode 160000 TouchPose diff --git a/TouchPose b/TouchPose deleted file mode 160000 index b1d48cc..0000000 --- a/TouchPose +++ /dev/null @@ -1 +0,0 @@ -Subproject commit b1d48ccdaeaaefee5630b26bdfcb1cff3c562dd9 diff --git a/scripts/data.ipynb b/scripts/data.ipynb index caeb64a..341ba58 100644 --- a/scripts/data.ipynb +++ b/scripts/data.ipynb @@ -657,227 +657,4643 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 1, "id": "02f96d8c-589b-446b-bceb-63f4fa4b9498", "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "import subprocess\n", + "import csv\n", + "from pathlib import Path\n", + "import shutil" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "f9f62fd8-1e33-4250-8c9a-f14d5d9cdbb0", + "metadata": {}, + "outputs": [], + "source": [ + "# Function to clone a GitHub repository and collect all source code into a single string\n", + "def collect_source_code(repo_url):\n", + " # Extract the repo name from the URL\n", + " repo_name = repo_url.rstrip('/').split('/')[-1]\n", + " subprocess.run(['git', 'clone', repo_url], check=True)\n", + " \n", + " # Collect all source code files into a single string\n", + " source_code = []\n", + " for root, dirs, files in os.walk(repo_name):\n", + " for file in files:\n", + " # Filter for source code files only (adjust filters as needed)\n", + " if file.endswith(('.py', '.js', '.java', '.cpp', '.c', '.h', '.html', '.css', '.ts', '.go', '.rb', '.php')):\n", + " file_path = os.path.join(root, file)\n", + " with open(file_path, 'r', errors='ignore') as f:\n", + " source_code.append(f.read())\n", + " \n", + " # Join all source code files as one big string\n", + " concatenated_code = \"\\n\".join(source_code)\n", + " \n", + " # Delete the repo after extraction\n", + " shutil.rmtree(repo_name)\n", + " \n", + " return repo_name, concatenated_code\n" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "38ebfa87-d349-4d5b-a298-936ee1ff116d", + "metadata": {}, + "outputs": [], + "source": [ + "# Replace this list with your own list of 300 URLs\n", + "#github_urls = ['https://github.com/public-apis/public-apis', 'https://github.com/donnemartin/system-design-primer', 'https://github.com/vinta/awesome-python', 'https://github.com/TheAlgorithms/Python', 'https://github.com/jackfrued/Python-100-Days', 'https://github.com/AUTOMATIC1111/stable-diffusion-webui', 'https://github.com/ytdl-org/youtube-dl', 'https://github.com/huggingface/transformers', 'https://github.com/521xueweihan/HelloGitHub', 'https://github.com/langchain-ai/langchain', 'https://github.com/nvbn/thefuck', 'https://github.com/pytorch/pytorch', 'https://github.com/django/django', 'https://github.com/tensorflow/models', 'https://github.com/yt-dlp/yt-dlp', 'https://github.com/tiangolo/fastapi', 'https://github.com/home-assistant/core', 'https://github.com/pallets/flask', 'https://github.com/fighting41love/funNLP', 'https://github.com/bregman-arie/devops-exercises', 'https://github.com/josephmisiti/awesome-machine-learning', 'https://github.com/ansible/ansible', 'https://github.com/keras-team/keras', 'https://github.com/openai/whisper', 'https://github.com/python/cpython', 'https://github.com/3b1b/manim', 'https://github.com/scikit-learn/scikit-learn', 'https://github.com/xtekky/gpt4free', 'https://github.com/binary-husky/gpt_academic', 'https://github.com/d2l-ai/d2l-zh', 'https://github.com/swisskyrepo/PayloadsAllTheThings', 'https://github.com/meta-llama/llama', 'https://github.com/localstack/localstack', 'https://github.com/zylon-ai/private-gpt', 'https://github.com/ageitgey/face_recognition', 'https://github.com/sherlock-project/sherlock', 'https://github.com/psf/requests', 'https://github.com/scrapy/scrapy', 'https://github.com/CorentinJ/Real-Time-Voice-Cloning', 'https://github.com/gpt-engineer-org/gpt-engineer', 'https://github.com/abi/screenshot-to-code', 'https://github.com/deepfakes/faceswap', 'https://github.com/soimort/you-get', 'https://github.com/OpenInterpreter/open-interpreter', 'https://github.com/xai-org/grok-1', 'https://github.com/commaai/openpilot', 'https://github.com/Textualize/rich', 'https://github.com/ultralytics/yolov5', 'https://github.com/minimaxir/big-list-of-naughty-strings', 'https://github.com/iperov/DeepFaceLab', 'https://github.com/charlax/professional-programming', 'https://github.com/Z4nzu/hackingtool', 'https://github.com/pandas-dev/pandas', 'https://github.com/isocpp/CppCoreGuidelines', 'https://github.com/geekan/MetaGPT', 'https://github.com/faif/python-patterns', 'https://github.com/THUDM/ChatGLM-6B', 'https://github.com/PaddlePaddle/PaddleOCR', 'https://github.com/apachecn/ailearning', 'https://github.com/hpcaitech/ColossalAI', 'https://github.com/chubin/cheat.sh', 'https://github.com/psf/black', 'https://github.com/floodsung/Deep-Learning-Papers-Reading-Roadmap', 'https://github.com/google-research/bert', 'https://github.com/getsentry/sentry', 'https://github.com/oobabooga/text-generation-webui', 'https://github.com/LAION-AI/Open-Assistant', 'https://github.com/Stability-AI/stablediffusion', 'https://github.com/0voice/interview_internal_reference', 'https://github.com/gto76/python-cheatsheet', 'https://github.com/lllyasviel/Fooocus', 'https://github.com/XingangPan/DragGAN', 'https://github.com/satwikkansal/wtfpython', 'https://github.com/mingrammer/diagrams', 'https://github.com/odoo/odoo', 'https://github.com/TencentARC/GFPGAN', 'https://github.com/apache/airflow', 'https://github.com/chenfei-wu/TaskMatrix', 'https://github.com/mitmproxy/mitmproxy', 'https://github.com/lm-sys/FastChat', 'https://github.com/comfyanonymous/ComfyUI', 'https://github.com/babysor/MockingBird', 'https://github.com/openai/gym', 'https://github.com/testerSunshine/12306', 'https://github.com/shadowsocks/shadowsocks', 'https://github.com/microsoft/DeepSpeed', 'https://github.com/XX-net/XX-Net', 'https://github.com/fxsjy/jieba', 'https://github.com/hankcs/HanLP', 'https://github.com/Asabeneh/30-Days-Of-Python', 'https://github.com/karpathy/nanoGPT', 'https://github.com/httpie/cli', 'https://github.com/streamlit/streamlit', 'https://github.com/ccxt/ccxt', 'https://github.com/run-llama/llama_index', 'https://github.com/ray-project/ray', 'https://github.com/certbot/certbot', 'https://github.com/sqlmapproject/sqlmap', 'https://github.com/geekcomputers/Python', 'https://github.com/huggingface/pytorch-image-models', 'https://github.com/coqui-ai/TTS', 'https://github.com/python-poetry/poetry', 'https://github.com/0xAX/linux-insides', 'https://github.com/facebookresearch/fairseq', 'https://github.com/gradio-app/gradio', 'https://github.com/yunjey/pytorch-tutorial', 'https://github.com/tatsu-lab/stanford_alpaca', 'https://github.com/explosion/spaCy', 'https://github.com/donnemartin/interactive-coding-challenges', 'https://github.com/facebookresearch/detectron2', 'https://github.com/Pythagora-io/gpt-pilot', 'https://github.com/google/jax', 'https://github.com/lllyasviel/ControlNet', 'https://github.com/acheong08/ChatGPT', 'https://github.com/open-mmlab/mmdetection', 'https://github.com/chatchat-space/Langchain-Chatchat', 'https://github.com/encode/django-rest-framework', 'https://github.com/tqdm/tqdm', 'https://github.com/Lightning-AI/pytorch-lightning', 'https://github.com/LC044/WeChatMsg', 'https://github.com/OWASP/CheatSheetSeries', 'https://github.com/donnemartin/data-science-ipython-notebooks', 'https://github.com/numpy/numpy', 'https://github.com/google/python-fire', 'https://github.com/xinntao/Real-ESRGAN', 'https://github.com/OpenBB-finance/OpenBBTerminal', 'https://github.com/facebookresearch/Detectron', 'https://github.com/freqtrade/freqtrade', 'https://github.com/StevenBlack/hosts', 'https://github.com/ycm-core/YouCompleteMe', 'https://github.com/spipm/Depix', 'https://github.com/zhayujie/chatgpt-on-wechat', 'https://github.com/littlecodersh/ItChat', 'https://github.com/nicolargo/glances', 'https://github.com/s0md3v/roop', 'https://github.com/getredash/redash', 'https://github.com/deezer/spleeter', 'https://github.com/Vision-CAIR/MiniGPT-4', 'https://github.com/python-telegram-bot/python-telegram-bot', 'https://github.com/pypa/pipenv', 'https://github.com/myshell-ai/OpenVoice', 'https://github.com/OpenDevin/OpenDevin', 'https://github.com/microsoft/cascadia-code', 'https://github.com/matterport/Mask_RCNN', 'https://github.com/tinygrad/tinygrad', 'https://github.com/svc-develop-team/so-vits-svc', 'https://github.com/RVC-Boss/GPT-SoVITS', 'https://github.com/jumpserver/jumpserver', 'https://github.com/locustio/locust', 'https://github.com/chubin/wttr.in', 'https://github.com/Textualize/textual', 'https://github.com/celery/celery', 'https://github.com/keon/algorithms', 'https://github.com/vnpy/vnpy', 'https://github.com/iperov/DeepFaceLive', 'https://github.com/ultralytics/ultralytics', 'https://github.com/eriklindernoren/ML-From-Scratch', 'https://github.com/microsoft/JARVIS', 'https://github.com/huggingface/diffusers', 'https://github.com/wangzheng0822/algo', 'https://github.com/mouredev/Hello-Python', 'https://github.com/Stability-AI/generative-models', 'https://github.com/sebastianruder/NLP-progress', 'https://github.com/JaidedAI/EasyOCR', 'https://github.com/kovidgoyal/kitty', 'https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix', 'https://github.com/HumanSignal/labelImg', 'https://github.com/d2l-ai/d2l-en', 'https://github.com/AtsushiSakai/PythonRobotics', 'https://github.com/pytorch/examples', 'https://github.com/cookiecutter/cookiecutter', 'https://github.com/tornadoweb/tornado', 'https://github.com/hiyouga/LLaMA-Factory', 'https://github.com/mindsdb/mindsdb', 'https://github.com/deepinsight/insightface', 'https://github.com/openai/gpt-2', 'https://github.com/luong-komorebi/Awesome-Linux-Software', 'https://github.com/WZMIAOMIAO/deep-learning-for-image-processing', 'https://github.com/drduh/macOS-Security-and-Privacy-Guide', 'https://github.com/openai/chatgpt-retrieval-plugin', 'https://github.com/plotly/dash', 'https://github.com/chriskiehl/Gooey', 'https://github.com/jhao104/proxy_pool', 'https://github.com/pyg-team/pytorch_geometric', 'https://github.com/saleor/saleor', 'https://github.com/zulip/zulip', 'https://github.com/jina-ai/jina', 'https://github.com/openai/openai-python', 'https://github.com/KurtBestor/Hitomi-Downloader', 'https://github.com/521xueweihan/GitHub520', 'https://github.com/ArchiveBox/ArchiveBox', 'https://github.com/facebookresearch/audiocraft', 'https://github.com/meta-llama/llama3', 'https://github.com/RVC-Project/Retrieval-based-Voice-Conversion-WebUI', 'https://github.com/matplotlib/matplotlib', 'https://github.com/yoheinakajima/babyagi', 'https://github.com/Vonng/ddia', 'https://github.com/PromtEngineer/localGPT', 'https://github.com/vllm-project/vllm', 'https://github.com/ManimCommunity/manim', 'https://github.com/ungoogled-software/ungoogled-chromium', 'https://github.com/karpathy/minGPT', 'https://github.com/magenta/magenta', 'https://github.com/bokeh/bokeh', 'https://github.com/pydantic/pydantic', 'https://github.com/huggingface/datasets', 'https://github.com/microsoft/unilm', 'https://github.com/kholia/OSX-KVM', 'https://github.com/kovidgoyal/calibre', 'https://github.com/mkdocs/mkdocs', 'https://github.com/magic-wormhole/magic-wormhole', 'https://github.com/Delgan/loguru', 'https://github.com/lucidrains/vit-pytorch', 'https://github.com/nginx-proxy/nginx-proxy', 'https://github.com/recommenders-team/recommenders', 'https://github.com/RasaHQ/rasa', 'https://github.com/facebook/prophet', 'https://github.com/sanic-org/sanic', 'https://github.com/kaixindelele/ChatPaper', 'https://github.com/Jack-Cherish/python-spider', 'https://github.com/jantic/DeOldify', 'https://github.com/python/mypy', 'https://github.com/ymcui/Chinese-LLaMA-Alpaca', 'https://github.com/pyscript/pyscript', 'https://github.com/PostHog/posthog', 'https://github.com/mlflow/mlflow', 'https://github.com/spotify/luigi', 'https://github.com/wagtail/wagtail', 'https://github.com/Sanster/IOPaint', 'https://github.com/miloyip/game-programmer', 'https://github.com/joke2k/faker', 'https://github.com/mlc-ai/mlc-llm', 'https://github.com/Ciphey/Ciphey', 'https://github.com/quantopian/zipline', 'https://github.com/paperless-ngx/paperless-ngx', 'https://github.com/frappe/erpnext', 'https://github.com/stitionai/devika', 'https://github.com/rsms/inter', 'https://github.com/kivy/kivy', 'https://github.com/reflex-dev/reflex', 'https://github.com/onnx/onnx', 'https://github.com/reddit-archive/reddit', 'https://github.com/hpcaitech/Open-Sora', 'https://github.com/haotian-liu/LLaVA', 'https://github.com/chatanywhere/GPT_API_free', 'https://github.com/InstaPy/InstaPy', 'https://github.com/binux/pyspider', 'https://github.com/LiLittleCat/awesome-free-chatgpt', 'https://github.com/cool-RR/PySnooper', 'https://github.com/apple/ml-stable-diffusion', 'https://github.com/ipython/ipython', 'https://github.com/wilsonfreitas/awesome-quant', 'https://github.com/alievk/avatarify-python', 'https://github.com/Mikubill/sd-webui-controlnet', 'https://github.com/wting/autojump', 'https://github.com/trekhleb/learn-python', 'https://github.com/eriklindernoren/PyTorch-GAN', 'https://github.com/Kr1s77/awesome-python-login-model', 'https://github.com/twintproject/twint', 'https://github.com/THUDM/ChatGLM2-6B', 'https://github.com/wistbean/learn_python3_spider', 'https://github.com/mnielsen/neural-networks-and-deep-learning', 'https://github.com/pytorch/vision', 'https://github.com/h2y/Shadowrocket-ADBlock-Rules', 'https://github.com/OpenEthan/SMSBoom', 'https://github.com/openai/baselines', 'https://github.com/plotly/plotly.py', 'https://github.com/piskvorky/gensim', 'https://github.com/RunaCapital/awesome-oss-alternatives', 'https://github.com/meta-llama/codellama', 'https://github.com/pallets/click', 'https://github.com/spotDL/spotify-downloader', 'https://github.com/dgtlmoon/changedetection.io', 'https://github.com/Anjok07/ultimatevocalremovergui', 'https://github.com/netbox-community/netbox', 'https://github.com/mxrch/GHunt', 'https://github.com/ranger/ranger', 'https://github.com/tensorflow/tensor2tensor', 'https://github.com/aws/aws-cli', 'https://github.com/blakeblackshear/frigate', 'https://github.com/w-okada/voice-changer', 'https://github.com/GaiZhenbiao/ChuanhuChatGPT', 'https://github.com/PrefectHQ/prefect', 'https://github.com/jupyter/jupyter', 'https://github.com/facefusion/facefusion', 'https://github.com/danielgatis/rembg', 'https://github.com/borisdayma/dalle-mini', 'https://github.com/fabric/fabric', 'https://github.com/aio-libs/aiohttp', 'https://github.com/ddbourgin/numpy-ml', 'https://github.com/TransformerOptimus/SuperAGI', 'https://github.com/microsoft/Bringing-Old-Photos-Back-to-Life', 'https://github.com/pyecharts/pyecharts', 'https://github.com/tiangolo/typer', 'https://github.com/Rapptz/discord.py', 'https://github.com/fauxpilot/fauxpilot', 'https://github.com/lra/mackup', 'https://github.com/apprenticeharper/DeDRM_tools', 'https://github.com/microsoft/qlib', 'https://github.com/networkx/networkx', 'https://github.com/powerline/powerline', 'https://github.com/arc53/DocsGPT', 'https://github.com/Python-World/python-mini-projects', 'https://github.com/airbytehq/airbyte', 'https://github.com/aleju/imgaug', 'https://github.com/roboflow/supervision', 'https://github.com/pjialin/py12306', 'https://github.com/hindupuravinash/the-gan-zoo', 'https://github.com/unifyai/ivy', 'https://github.com/openai/evals', 'https://github.com/horovod/horovod', 'https://github.com/huggingface/peft', 'https://github.com/NVlabs/stylegan', 'https://github.com/tgbot-collection/YYeTsBot', 'https://github.com/gunthercox/ChatterBot', 'https://github.com/UKPLab/sentence-transformers', 'https://github.com/saltstack/salt', 'https://github.com/wangshub/wechat_jump_game', 'https://github.com/youfou/wxpy', 'https://github.com/microsoft/nni', 'https://github.com/deepset-ai/haystack', 'https://github.com/codelucas/newspaper', 'https://github.com/joaomdmoura/crewAI', 'https://github.com/google/yapf', 'https://github.com/psf/requests-html', 'https://github.com/flairNLP/flair', 'https://github.com/sczhou/CodeFormer', 'https://github.com/shengqiangzhang/examples-of-web-crawlers', 'https://github.com/davidsandberg/facenet', 'https://github.com/NanmiCoder/MediaCrawler', 'https://github.com/ansible/awx', 'https://github.com/albumentations-team/albumentations', 'https://github.com/programthink/zhao', 'https://github.com/mail-in-a-box/mailinabox', 'https://github.com/sivel/speedtest-cli', 'https://github.com/searx/searx', 'https://github.com/ShangtongZhang/reinforcement-learning-an-introduction', 'https://github.com/iterative/dvc', 'https://github.com/PySimpleGUI/PySimpleGUI', 'https://github.com/mementum/backtrader', 'https://github.com/tiangolo/sqlmodel', 'https://github.com/nltk/nltk', 'https://github.com/dmlc/dgl', 'https://github.com/microsoft/Swin-Transformer', 'https://github.com/jindongwang/transferlearning', 'https://github.com/facebookresearch/detr', 'https://github.com/idank/explainshell', 'https://github.com/s0md3v/XSStrike', 'https://github.com/fortra/impacket', 'https://github.com/MetaCubeX/mihomo', 'https://github.com/wifiphisher/wifiphisher', 'https://github.com/jaakkopasanen/AutoEq', 'https://github.com/waditu/tushare', 'https://github.com/edgedb/edgedb', 'https://github.com/bloomberg/memray', 'https://github.com/ethereum/EIPs', 'https://github.com/PaddlePaddle/PaddleHub', 'https://github.com/scipy/scipy', 'https://github.com/chroma-core/chroma', 'https://github.com/sympy/sympy', 'https://github.com/beetbox/beets', 'https://github.com/postmanlabs/httpbin', 'https://github.com/labelmeai/labelme', 'https://github.com/SFTtech/openage', 'https://github.com/encode/httpx', 'https://github.com/redis/redis-py', 'https://github.com/getpelican/pelican', 'https://github.com/THUDM/ChatGLM3', 'https://github.com/jina-ai/clip-as-service', 'https://github.com/donnemartin/awesome-aws', 'https://github.com/microsoft/pyright', 'https://github.com/pre-commit/pre-commit', 'https://github.com/PaddlePaddle/PaddleDetection', 'https://github.com/ocrmypdf/OCRmyPDF', 'https://github.com/lss233/chatgpt-mirai-qq-bot', 'https://github.com/ydataai/ydata-profiling', 'https://github.com/dask/dask', 'https://github.com/mwaskom/seaborn', 'https://github.com/ranaroussi/yfinance', 'https://github.com/tonybeltramelli/pix2code', 'https://github.com/threat9/routersploit', 'https://github.com/Miserlou/Zappa', 'https://github.com/alexjc/neural-enhance', 'https://github.com/Zulko/moviepy', 'https://github.com/meolu/walle-web', 'https://github.com/OpenMOSS/MOSS', 'https://github.com/smicallef/spiderfoot', 'https://github.com/matrix-org/synapse', 'https://github.com/google-deepmind/alphafold', 'https://github.com/dbcli/pgcli', 'https://github.com/python-pillow/Pillow', 'https://github.com/BlinkDL/RWKV-LM', 'https://github.com/allenai/allennlp', 'https://github.com/LlamaFamily/Llama-Chinese', 'https://github.com/smol-ai/developer', 'https://github.com/janeczku/calibre-web', 'https://github.com/Embedding/Chinese-Word-Vectors', 'https://github.com/cookiecutter/cookiecutter-django', 'https://github.com/rougier/numpy-100', 'https://github.com/zalandoresearch/fashion-mnist']\n", + "github_urls = ['https://github.com/TencentARC/GFPGAN', 'https://github.com/apache/airflow', 'https://github.com/chenfei-wu/TaskMatrix', 'https://github.com/mitmproxy/mitmproxy', 'https://github.com/lm-sys/FastChat', 'https://github.com/comfyanonymous/ComfyUI', 'https://github.com/babysor/MockingBird', 'https://github.com/openai/gym', 'https://github.com/testerSunshine/12306', 'https://github.com/shadowsocks/shadowsocks', 'https://github.com/microsoft/DeepSpeed', 'https://github.com/XX-net/XX-Net', 'https://github.com/fxsjy/jieba', 'https://github.com/hankcs/HanLP', 'https://github.com/Asabeneh/30-Days-Of-Python', 'https://github.com/karpathy/nanoGPT', 'https://github.com/httpie/cli', 'https://github.com/streamlit/streamlit', 'https://github.com/ccxt/ccxt', 'https://github.com/run-llama/llama_index', 'https://github.com/ray-project/ray', 'https://github.com/certbot/certbot', 'https://github.com/sqlmapproject/sqlmap', 'https://github.com/geekcomputers/Python', 'https://github.com/huggingface/pytorch-image-models', 'https://github.com/coqui-ai/TTS', 'https://github.com/python-poetry/poetry', 'https://github.com/0xAX/linux-insides', 'https://github.com/facebookresearch/fairseq', 'https://github.com/gradio-app/gradio', 'https://github.com/yunjey/pytorch-tutorial', 'https://github.com/tatsu-lab/stanford_alpaca', 'https://github.com/explosion/spaCy', 'https://github.com/donnemartin/interactive-coding-challenges', 'https://github.com/facebookresearch/detectron2', 'https://github.com/Pythagora-io/gpt-pilot', 'https://github.com/google/jax', 'https://github.com/lllyasviel/ControlNet', 'https://github.com/acheong08/ChatGPT', 'https://github.com/open-mmlab/mmdetection', 'https://github.com/chatchat-space/Langchain-Chatchat', 'https://github.com/encode/django-rest-framework', 'https://github.com/tqdm/tqdm', 'https://github.com/Lightning-AI/pytorch-lightning', 'https://github.com/LC044/WeChatMsg', 'https://github.com/OWASP/CheatSheetSeries', 'https://github.com/donnemartin/data-science-ipython-notebooks', 'https://github.com/numpy/numpy', 'https://github.com/google/python-fire', 'https://github.com/xinntao/Real-ESRGAN', 'https://github.com/OpenBB-finance/OpenBBTerminal', 'https://github.com/facebookresearch/Detectron', 'https://github.com/freqtrade/freqtrade', 'https://github.com/StevenBlack/hosts', 'https://github.com/ycm-core/YouCompleteMe', 'https://github.com/spipm/Depix', 'https://github.com/zhayujie/chatgpt-on-wechat', 'https://github.com/littlecodersh/ItChat', 'https://github.com/nicolargo/glances', 'https://github.com/s0md3v/roop', 'https://github.com/getredash/redash', 'https://github.com/deezer/spleeter', 'https://github.com/Vision-CAIR/MiniGPT-4', 'https://github.com/python-telegram-bot/python-telegram-bot', 'https://github.com/pypa/pipenv', 'https://github.com/myshell-ai/OpenVoice', 'https://github.com/OpenDevin/OpenDevin', 'https://github.com/microsoft/cascadia-code', 'https://github.com/matterport/Mask_RCNN', 'https://github.com/tinygrad/tinygrad', 'https://github.com/svc-develop-team/so-vits-svc', 'https://github.com/RVC-Boss/GPT-SoVITS', 'https://github.com/jumpserver/jumpserver', 'https://github.com/locustio/locust', 'https://github.com/chubin/wttr.in', 'https://github.com/Textualize/textual', 'https://github.com/celery/celery', 'https://github.com/keon/algorithms', 'https://github.com/vnpy/vnpy', 'https://github.com/iperov/DeepFaceLive', 'https://github.com/ultralytics/ultralytics', 'https://github.com/eriklindernoren/ML-From-Scratch', 'https://github.com/microsoft/JARVIS', 'https://github.com/huggingface/diffusers', 'https://github.com/wangzheng0822/algo', 'https://github.com/mouredev/Hello-Python', 'https://github.com/Stability-AI/generative-models', 'https://github.com/sebastianruder/NLP-progress', 'https://github.com/JaidedAI/EasyOCR', 'https://github.com/kovidgoyal/kitty', 'https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix', 'https://github.com/HumanSignal/labelImg', 'https://github.com/d2l-ai/d2l-en', 'https://github.com/AtsushiSakai/PythonRobotics', 'https://github.com/pytorch/examples', 'https://github.com/cookiecutter/cookiecutter', 'https://github.com/tornadoweb/tornado', 'https://github.com/hiyouga/LLaMA-Factory', 'https://github.com/mindsdb/mindsdb', 'https://github.com/deepinsight/insightface', 'https://github.com/openai/gpt-2', 'https://github.com/luong-komorebi/Awesome-Linux-Software', 'https://github.com/WZMIAOMIAO/deep-learning-for-image-processing', 'https://github.com/drduh/macOS-Security-and-Privacy-Guide', 'https://github.com/openai/chatgpt-retrieval-plugin', 'https://github.com/plotly/dash', 'https://github.com/chriskiehl/Gooey', 'https://github.com/jhao104/proxy_pool', 'https://github.com/pyg-team/pytorch_geometric', 'https://github.com/saleor/saleor', 'https://github.com/zulip/zulip', 'https://github.com/jina-ai/jina', 'https://github.com/openai/openai-python', 'https://github.com/KurtBestor/Hitomi-Downloader', 'https://github.com/521xueweihan/GitHub520', 'https://github.com/ArchiveBox/ArchiveBox', 'https://github.com/facebookresearch/audiocraft', 'https://github.com/meta-llama/llama3', 'https://github.com/RVC-Project/Retrieval-based-Voice-Conversion-WebUI', 'https://github.com/matplotlib/matplotlib', 'https://github.com/yoheinakajima/babyagi', 'https://github.com/Vonng/ddia', 'https://github.com/PromtEngineer/localGPT', 'https://github.com/vllm-project/vllm', 'https://github.com/ManimCommunity/manim', 'https://github.com/ungoogled-software/ungoogled-chromium', 'https://github.com/karpathy/minGPT', 'https://github.com/magenta/magenta', 'https://github.com/bokeh/bokeh', 'https://github.com/pydantic/pydantic', 'https://github.com/huggingface/datasets', 'https://github.com/microsoft/unilm', 'https://github.com/kholia/OSX-KVM', 'https://github.com/kovidgoyal/calibre', 'https://github.com/mkdocs/mkdocs', 'https://github.com/magic-wormhole/magic-wormhole', 'https://github.com/Delgan/loguru', 'https://github.com/lucidrains/vit-pytorch', 'https://github.com/nginx-proxy/nginx-proxy', 'https://github.com/recommenders-team/recommenders', 'https://github.com/RasaHQ/rasa', 'https://github.com/facebook/prophet', 'https://github.com/sanic-org/sanic', 'https://github.com/kaixindelele/ChatPaper', 'https://github.com/Jack-Cherish/python-spider', 'https://github.com/jantic/DeOldify', 'https://github.com/python/mypy', 'https://github.com/ymcui/Chinese-LLaMA-Alpaca', 'https://github.com/pyscript/pyscript', 'https://github.com/PostHog/posthog', 'https://github.com/mlflow/mlflow', 'https://github.com/spotify/luigi', 'https://github.com/wagtail/wagtail', 'https://github.com/Sanster/IOPaint', 'https://github.com/miloyip/game-programmer', 'https://github.com/joke2k/faker', 'https://github.com/mlc-ai/mlc-llm', 'https://github.com/Ciphey/Ciphey', 'https://github.com/quantopian/zipline', 'https://github.com/paperless-ngx/paperless-ngx', 'https://github.com/frappe/erpnext', 'https://github.com/stitionai/devika', 'https://github.com/rsms/inter', 'https://github.com/kivy/kivy', 'https://github.com/reflex-dev/reflex', 'https://github.com/onnx/onnx', 'https://github.com/reddit-archive/reddit', 'https://github.com/hpcaitech/Open-Sora', 'https://github.com/haotian-liu/LLaVA', 'https://github.com/chatanywhere/GPT_API_free', 'https://github.com/InstaPy/InstaPy', 'https://github.com/binux/pyspider', 'https://github.com/LiLittleCat/awesome-free-chatgpt', 'https://github.com/cool-RR/PySnooper', 'https://github.com/apple/ml-stable-diffusion', 'https://github.com/ipython/ipython', 'https://github.com/wilsonfreitas/awesome-quant', 'https://github.com/alievk/avatarify-python', 'https://github.com/Mikubill/sd-webui-controlnet', 'https://github.com/wting/autojump', 'https://github.com/trekhleb/learn-python', 'https://github.com/eriklindernoren/PyTorch-GAN', 'https://github.com/Kr1s77/awesome-python-login-model', 'https://github.com/twintproject/twint', 'https://github.com/THUDM/ChatGLM2-6B', 'https://github.com/wistbean/learn_python3_spider', 'https://github.com/mnielsen/neural-networks-and-deep-learning', 'https://github.com/pytorch/vision', 'https://github.com/h2y/Shadowrocket-ADBlock-Rules', 'https://github.com/OpenEthan/SMSBoom', 'https://github.com/openai/baselines', 'https://github.com/plotly/plotly.py', 'https://github.com/piskvorky/gensim', 'https://github.com/RunaCapital/awesome-oss-alternatives', 'https://github.com/meta-llama/codellama', 'https://github.com/pallets/click', 'https://github.com/spotDL/spotify-downloader', 'https://github.com/dgtlmoon/changedetection.io', 'https://github.com/Anjok07/ultimatevocalremovergui', 'https://github.com/netbox-community/netbox', 'https://github.com/mxrch/GHunt', 'https://github.com/ranger/ranger', 'https://github.com/tensorflow/tensor2tensor', 'https://github.com/aws/aws-cli', 'https://github.com/blakeblackshear/frigate', 'https://github.com/w-okada/voice-changer', 'https://github.com/GaiZhenbiao/ChuanhuChatGPT', 'https://github.com/PrefectHQ/prefect', 'https://github.com/jupyter/jupyter', 'https://github.com/facefusion/facefusion', 'https://github.com/danielgatis/rembg', 'https://github.com/borisdayma/dalle-mini', 'https://github.com/fabric/fabric', 'https://github.com/aio-libs/aiohttp', 'https://github.com/ddbourgin/numpy-ml', 'https://github.com/TransformerOptimus/SuperAGI', 'https://github.com/microsoft/Bringing-Old-Photos-Back-to-Life', 'https://github.com/pyecharts/pyecharts', 'https://github.com/tiangolo/typer', 'https://github.com/Rapptz/discord.py', 'https://github.com/fauxpilot/fauxpilot', 'https://github.com/lra/mackup', 'https://github.com/apprenticeharper/DeDRM_tools', 'https://github.com/microsoft/qlib', 'https://github.com/networkx/networkx', 'https://github.com/powerline/powerline', 'https://github.com/arc53/DocsGPT', 'https://github.com/Python-World/python-mini-projects', 'https://github.com/airbytehq/airbyte', 'https://github.com/aleju/imgaug', 'https://github.com/roboflow/supervision', 'https://github.com/pjialin/py12306', 'https://github.com/hindupuravinash/the-gan-zoo', 'https://github.com/unifyai/ivy', 'https://github.com/openai/evals', 'https://github.com/horovod/horovod', 'https://github.com/huggingface/peft', 'https://github.com/NVlabs/stylegan', 'https://github.com/tgbot-collection/YYeTsBot', 'https://github.com/gunthercox/ChatterBot', 'https://github.com/UKPLab/sentence-transformers', 'https://github.com/saltstack/salt', 'https://github.com/wangshub/wechat_jump_game', 'https://github.com/youfou/wxpy', 'https://github.com/microsoft/nni', 'https://github.com/deepset-ai/haystack', 'https://github.com/codelucas/newspaper', 'https://github.com/joaomdmoura/crewAI', 'https://github.com/google/yapf', 'https://github.com/psf/requests-html', 'https://github.com/flairNLP/flair', 'https://github.com/sczhou/CodeFormer', 'https://github.com/shengqiangzhang/examples-of-web-crawlers', 'https://github.com/davidsandberg/facenet', 'https://github.com/NanmiCoder/MediaCrawler', 'https://github.com/ansible/awx', 'https://github.com/albumentations-team/albumentations', 'https://github.com/programthink/zhao', 'https://github.com/mail-in-a-box/mailinabox', 'https://github.com/sivel/speedtest-cli', 'https://github.com/searx/searx', 'https://github.com/ShangtongZhang/reinforcement-learning-an-introduction', 'https://github.com/iterative/dvc', 'https://github.com/PySimpleGUI/PySimpleGUI', 'https://github.com/mementum/backtrader', 'https://github.com/tiangolo/sqlmodel', 'https://github.com/nltk/nltk', 'https://github.com/dmlc/dgl', 'https://github.com/microsoft/Swin-Transformer', 'https://github.com/jindongwang/transferlearning', 'https://github.com/facebookresearch/detr', 'https://github.com/idank/explainshell', 'https://github.com/s0md3v/XSStrike', 'https://github.com/fortra/impacket', 'https://github.com/MetaCubeX/mihomo', 'https://github.com/wifiphisher/wifiphisher', 'https://github.com/jaakkopasanen/AutoEq', 'https://github.com/waditu/tushare', 'https://github.com/edgedb/edgedb', 'https://github.com/bloomberg/memray', 'https://github.com/ethereum/EIPs', 'https://github.com/PaddlePaddle/PaddleHub', 'https://github.com/scipy/scipy', 'https://github.com/chroma-core/chroma', 'https://github.com/sympy/sympy', 'https://github.com/beetbox/beets', 'https://github.com/postmanlabs/httpbin', 'https://github.com/labelmeai/labelme', 'https://github.com/SFTtech/openage', 'https://github.com/encode/httpx', 'https://github.com/redis/redis-py', 'https://github.com/getpelican/pelican', 'https://github.com/THUDM/ChatGLM3', 'https://github.com/jina-ai/clip-as-service', 'https://github.com/donnemartin/awesome-aws', 'https://github.com/microsoft/pyright', 'https://github.com/pre-commit/pre-commit', 'https://github.com/PaddlePaddle/PaddleDetection', 'https://github.com/ocrmypdf/OCRmyPDF', 'https://github.com/lss233/chatgpt-mirai-qq-bot', 'https://github.com/ydataai/ydata-profiling', 'https://github.com/dask/dask', 'https://github.com/mwaskom/seaborn', 'https://github.com/ranaroussi/yfinance', 'https://github.com/tonybeltramelli/pix2code', 'https://github.com/threat9/routersploit', 'https://github.com/Miserlou/Zappa', 'https://github.com/alexjc/neural-enhance', 'https://github.com/Zulko/moviepy', 'https://github.com/meolu/walle-web', 'https://github.com/OpenMOSS/MOSS', 'https://github.com/smicallef/spiderfoot', 'https://github.com/matrix-org/synapse', 'https://github.com/google-deepmind/alphafold', 'https://github.com/dbcli/pgcli', 'https://github.com/python-pillow/Pillow', 'https://github.com/BlinkDL/RWKV-LM', 'https://github.com/allenai/allennlp', 'https://github.com/LlamaFamily/Llama-Chinese', 'https://github.com/smol-ai/developer', 'https://github.com/janeczku/calibre-web', 'https://github.com/Embedding/Chinese-Word-Vectors', 'https://github.com/cookiecutter/cookiecutter-django', 'https://github.com/rougier/numpy-100', 'https://github.com/zalandoresearch/fashion-mnist']" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "9bca9c11-5104-4102-bfd4-607705f3aae6", + "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'GFPGAN'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/TencentARC/GFPGAN to GFPGAN.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'airflow'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/apache/airflow to airflow.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'TaskMatrix'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/chenfei-wu/TaskMatrix to TaskMatrix.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'mitmproxy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/mitmproxy/mitmproxy to mitmproxy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'FastChat'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/lm-sys/FastChat to FastChat.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ComfyUI'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/comfyanonymous/ComfyUI to ComfyUI.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'MockingBird'...\n", + "Updating files: 100% (205/205), done.\n", + "Cloning into 'gym'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/babysor/MockingBird to MockingBird.csv\n", + "Successfully processed and saved https://github.com/openai/gym to gym.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into '12306'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/testerSunshine/12306 to 12306.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'shadowsocks'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/shadowsocks/shadowsocks to shadowsocks.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'DeepSpeed'...\n", + "Updating files: 100% (1554/1554), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/microsoft/DeepSpeed to DeepSpeed.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'XX-Net'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/XX-net/XX-Net to XX-Net.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'jieba'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/fxsjy/jieba to jieba.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'HanLP'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/hankcs/HanLP to HanLP.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into '30-Days-Of-Python'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Asabeneh/30-Days-Of-Python to 30-Days-Of-Python.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'nanoGPT'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/karpathy/nanoGPT to nanoGPT.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'cli'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/httpie/cli to cli.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'streamlit'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/streamlit/streamlit to streamlit.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ccxt'...\n", + "Updating files: 100% (5987/5987), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ccxt/ccxt to ccxt.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'llama_index'...\n", + "Updating files: 100% (9994/9994), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/run-llama/llama_index to llama_index.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ray'...\n", + "Updating files: 100% (7575/7575), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ray-project/ray to ray.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'certbot'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/certbot/certbot to certbot.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'sqlmap'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/sqlmapproject/sqlmap to sqlmap.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Python'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/geekcomputers/Python to Python.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pytorch-image-models'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/huggingface/pytorch-image-models to pytorch-image-models.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'TTS'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/coqui-ai/TTS to TTS.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'poetry'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/python-poetry/poetry to poetry.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'linux-insides'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/0xAX/linux-insides to linux-insides.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'fairseq'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/facebookresearch/fairseq to fairseq.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'gradio'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/gradio-app/gradio to gradio.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pytorch-tutorial'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/yunjey/pytorch-tutorial to pytorch-tutorial.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'stanford_alpaca'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/tatsu-lab/stanford_alpaca to stanford_alpaca.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'spaCy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/explosion/spaCy to spaCy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'interactive-coding-challenges'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/donnemartin/interactive-coding-challenges to interactive-coding-challenges.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'detectron2'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/facebookresearch/detectron2 to detectron2.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'gpt-pilot'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Pythagora-io/gpt-pilot to gpt-pilot.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'jax'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/google/jax to jax.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ControlNet'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/lllyasviel/ControlNet to ControlNet.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ChatGPT'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/acheong08/ChatGPT to ChatGPT.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'mmdetection'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/open-mmlab/mmdetection to mmdetection.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Langchain-Chatchat'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/chatchat-space/Langchain-Chatchat to Langchain-Chatchat.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'django-rest-framework'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/encode/django-rest-framework to django-rest-framework.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'tqdm'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/tqdm/tqdm to tqdm.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pytorch-lightning'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Lightning-AI/pytorch-lightning to pytorch-lightning.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'WeChatMsg'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/LC044/WeChatMsg to WeChatMsg.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'CheatSheetSeries'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/OWASP/CheatSheetSeries to CheatSheetSeries.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'data-science-ipython-notebooks'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/donnemartin/data-science-ipython-notebooks to data-science-ipython-notebooks.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'numpy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/numpy/numpy to numpy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'python-fire'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/google/python-fire to python-fire.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Real-ESRGAN'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/xinntao/Real-ESRGAN to Real-ESRGAN.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'OpenBBTerminal'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/OpenBB-finance/OpenBBTerminal to OpenBBTerminal.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Detectron'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/facebookresearch/Detectron to Detectron.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'freqtrade'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/freqtrade/freqtrade to freqtrade.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'hosts'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/StevenBlack/hosts to hosts.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'YouCompleteMe'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ycm-core/YouCompleteMe to YouCompleteMe.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Depix'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/spipm/Depix to Depix.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'chatgpt-on-wechat'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/zhayujie/chatgpt-on-wechat to chatgpt-on-wechat.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ItChat'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/littlecodersh/ItChat to ItChat.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'glances'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/nicolargo/glances to glances.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'roop'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/s0md3v/roop to roop.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'redash'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/getredash/redash to redash.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'spleeter'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/deezer/spleeter to spleeter.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'MiniGPT-4'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Vision-CAIR/MiniGPT-4 to MiniGPT-4.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'python-telegram-bot'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/python-telegram-bot/python-telegram-bot to python-telegram-bot.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pipenv'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/pypa/pipenv to pipenv.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'OpenVoice'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/myshell-ai/OpenVoice to OpenVoice.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'OpenDevin'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/OpenDevin/OpenDevin to OpenDevin.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'cascadia-code'...\n", + "Updating files: 100% (41191/41191), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/microsoft/cascadia-code to cascadia-code.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Mask_RCNN'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/matterport/Mask_RCNN to Mask_RCNN.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'tinygrad'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/tinygrad/tinygrad to tinygrad.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'so-vits-svc'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/svc-develop-team/so-vits-svc to so-vits-svc.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'GPT-SoVITS'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/RVC-Boss/GPT-SoVITS to GPT-SoVITS.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'jumpserver'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/jumpserver/jumpserver to jumpserver.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'locust'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/locustio/locust to locust.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'wttr.in'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/chubin/wttr.in to wttr.in.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'textual'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Textualize/textual to textual.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'celery'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/celery/celery to celery.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'algorithms'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/keon/algorithms to algorithms.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'vnpy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/vnpy/vnpy to vnpy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'DeepFaceLive'...\n", + "Updating files: 100% (696/696), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/iperov/DeepFaceLive to DeepFaceLive.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ultralytics'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ultralytics/ultralytics to ultralytics.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ML-From-Scratch'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/eriklindernoren/ML-From-Scratch to ML-From-Scratch.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'JARVIS'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/microsoft/JARVIS to JARVIS.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'diffusers'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/huggingface/diffusers to diffusers.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'algo'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/wangzheng0822/algo to algo.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Hello-Python'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/mouredev/Hello-Python to Hello-Python.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'generative-models'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Stability-AI/generative-models to generative-models.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'NLP-progress'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/sebastianruder/NLP-progress to NLP-progress.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'EasyOCR'...\n", + "Updating files: 100% (313/313), done.\n", + "Cloning into 'kitty'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/JaidedAI/EasyOCR to EasyOCR.csv\n", + "Successfully processed and saved https://github.com/kovidgoyal/kitty to kitty.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pytorch-CycleGAN-and-pix2pix'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix to pytorch-CycleGAN-and-pix2pix.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'labelImg'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/HumanSignal/labelImg to labelImg.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'd2l-en'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/d2l-ai/d2l-en to d2l-en.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'PythonRobotics'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/AtsushiSakai/PythonRobotics to PythonRobotics.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'examples'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/pytorch/examples to examples.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'cookiecutter'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/cookiecutter/cookiecutter to cookiecutter.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'tornado'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/tornadoweb/tornado to tornado.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'LLaMA-Factory'...\n", + "Updating files: 100% (214/214), done.\n", + "Cloning into 'mindsdb'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/hiyouga/LLaMA-Factory to LLaMA-Factory.csv\n", + "Successfully processed and saved https://github.com/mindsdb/mindsdb to mindsdb.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'insightface'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/deepinsight/insightface to insightface.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'gpt-2'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/openai/gpt-2 to gpt-2.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Awesome-Linux-Software'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/luong-komorebi/Awesome-Linux-Software to Awesome-Linux-Software.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'deep-learning-for-image-processing'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/WZMIAOMIAO/deep-learning-for-image-processing to deep-learning-for-image-processing.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'macOS-Security-and-Privacy-Guide'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/drduh/macOS-Security-and-Privacy-Guide to macOS-Security-and-Privacy-Guide.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'chatgpt-retrieval-plugin'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/openai/chatgpt-retrieval-plugin to chatgpt-retrieval-plugin.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'dash'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/plotly/dash to dash.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Gooey'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/chriskiehl/Gooey to Gooey.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'proxy_pool'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/jhao104/proxy_pool to proxy_pool.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pytorch_geometric'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/pyg-team/pytorch_geometric to pytorch_geometric.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'saleor'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/saleor/saleor to saleor.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'zulip'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/zulip/zulip to zulip.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'jina'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/jina-ai/jina to jina.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'openai-python'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/openai/openai-python to openai-python.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Hitomi-Downloader'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/KurtBestor/Hitomi-Downloader to Hitomi-Downloader.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'GitHub520'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/521xueweihan/GitHub520 to GitHub520.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ArchiveBox'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Error processing https://github.com/ArchiveBox/ArchiveBox: [Errno 2] No such file or directory: 'ArchiveBox/archivebox/vendor/atomicwrites.py'\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'audiocraft'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/facebookresearch/audiocraft to audiocraft.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'llama3'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/meta-llama/llama3 to llama3.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Retrieval-based-Voice-Conversion-WebUI'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/RVC-Project/Retrieval-based-Voice-Conversion-WebUI to Retrieval-based-Voice-Conversion-WebUI.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'matplotlib'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/matplotlib/matplotlib to matplotlib.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'babyagi'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/yoheinakajima/babyagi to babyagi.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ddia'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Vonng/ddia to ddia.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'localGPT'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/PromtEngineer/localGPT to localGPT.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'vllm'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/vllm-project/vllm to vllm.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'manim'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ManimCommunity/manim to manim.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ungoogled-chromium'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ungoogled-software/ungoogled-chromium to ungoogled-chromium.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'minGPT'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/karpathy/minGPT to minGPT.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'magenta'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/magenta/magenta to magenta.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'bokeh'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/bokeh/bokeh to bokeh.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pydantic'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/pydantic/pydantic to pydantic.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'datasets'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/huggingface/datasets to datasets.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'unilm'...\n", + "Updating files: 100% (5228/5228), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/microsoft/unilm to unilm.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'OSX-KVM'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/kholia/OSX-KVM to OSX-KVM.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'calibre'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/kovidgoyal/calibre to calibre.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'mkdocs'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/mkdocs/mkdocs to mkdocs.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'magic-wormhole'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/magic-wormhole/magic-wormhole to magic-wormhole.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'loguru'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Delgan/loguru to loguru.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'vit-pytorch'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/lucidrains/vit-pytorch to vit-pytorch.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'nginx-proxy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/nginx-proxy/nginx-proxy to nginx-proxy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'recommenders'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/recommenders-team/recommenders to recommenders.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'rasa'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/RasaHQ/rasa to rasa.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'prophet'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/facebook/prophet to prophet.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'sanic'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/sanic-org/sanic to sanic.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ChatPaper'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/kaixindelele/ChatPaper to ChatPaper.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'python-spider'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Jack-Cherish/python-spider to python-spider.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'DeOldify'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/jantic/DeOldify to DeOldify.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'mypy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/python/mypy to mypy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Chinese-LLaMA-Alpaca'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ymcui/Chinese-LLaMA-Alpaca to Chinese-LLaMA-Alpaca.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pyscript'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/pyscript/pyscript to pyscript.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'posthog'...\n", + "Updating files: 100% (6383/6383), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/PostHog/posthog to posthog.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'mlflow'...\n", + "Updating files: 100% (4116/4116), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/mlflow/mlflow to mlflow.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'luigi'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/spotify/luigi to luigi.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'wagtail'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/wagtail/wagtail to wagtail.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'IOPaint'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Sanster/IOPaint to IOPaint.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'game-programmer'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/miloyip/game-programmer to game-programmer.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'faker'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/joke2k/faker to faker.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'mlc-llm'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/mlc-ai/mlc-llm to mlc-llm.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Ciphey'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Ciphey/Ciphey to Ciphey.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'zipline'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/quantopian/zipline to zipline.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'paperless-ngx'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/paperless-ngx/paperless-ngx to paperless-ngx.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'erpnext'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/frappe/erpnext to erpnext.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'devika'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/stitionai/devika to devika.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'inter'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/rsms/inter to inter.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'kivy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/kivy/kivy to kivy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'reflex'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/reflex-dev/reflex to reflex.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'onnx'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/onnx/onnx to onnx.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'reddit'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/reddit-archive/reddit to reddit.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Open-Sora'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/hpcaitech/Open-Sora to Open-Sora.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'LLaVA'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/haotian-liu/LLaVA to LLaVA.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'GPT_API_free'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/chatanywhere/GPT_API_free to GPT_API_free.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'InstaPy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/InstaPy/InstaPy to InstaPy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pyspider'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/binux/pyspider to pyspider.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'awesome-free-chatgpt'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/LiLittleCat/awesome-free-chatgpt to awesome-free-chatgpt.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'PySnooper'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/cool-RR/PySnooper to PySnooper.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ml-stable-diffusion'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/apple/ml-stable-diffusion to ml-stable-diffusion.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ipython'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ipython/ipython to ipython.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'awesome-quant'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/wilsonfreitas/awesome-quant to awesome-quant.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'avatarify-python'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/alievk/avatarify-python to avatarify-python.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'sd-webui-controlnet'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Mikubill/sd-webui-controlnet to sd-webui-controlnet.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'autojump'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/wting/autojump to autojump.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'learn-python'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/trekhleb/learn-python to learn-python.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'PyTorch-GAN'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/eriklindernoren/PyTorch-GAN to PyTorch-GAN.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'awesome-python-login-model'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Kr1s77/awesome-python-login-model to awesome-python-login-model.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'twint'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/twintproject/twint to twint.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ChatGLM2-6B'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/THUDM/ChatGLM2-6B to ChatGLM2-6B.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'learn_python3_spider'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/wistbean/learn_python3_spider to learn_python3_spider.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'neural-networks-and-deep-learning'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/mnielsen/neural-networks-and-deep-learning to neural-networks-and-deep-learning.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'vision'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/pytorch/vision to vision.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Shadowrocket-ADBlock-Rules'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/h2y/Shadowrocket-ADBlock-Rules to Shadowrocket-ADBlock-Rules.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'SMSBoom'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/OpenEthan/SMSBoom to SMSBoom.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'baselines'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/openai/baselines to baselines.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'plotly.py'...\n", + "Updating files: 100% (14054/14054), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/plotly/plotly.py to plotly.py.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'gensim'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/piskvorky/gensim to gensim.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'awesome-oss-alternatives'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/RunaCapital/awesome-oss-alternatives to awesome-oss-alternatives.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'codellama'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/meta-llama/codellama to codellama.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'click'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/pallets/click to click.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'spotify-downloader'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/spotDL/spotify-downloader to spotify-downloader.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'changedetection.io'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/dgtlmoon/changedetection.io to changedetection.io.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ultimatevocalremovergui'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Anjok07/ultimatevocalremovergui to ultimatevocalremovergui.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'netbox'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/netbox-community/netbox to netbox.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'GHunt'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/mxrch/GHunt to GHunt.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ranger'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ranger/ranger to ranger.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'tensor2tensor'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/tensorflow/tensor2tensor to tensor2tensor.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'aws-cli'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/aws/aws-cli to aws-cli.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'frigate'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/blakeblackshear/frigate to frigate.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'voice-changer'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/w-okada/voice-changer to voice-changer.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ChuanhuChatGPT'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/GaiZhenbiao/ChuanhuChatGPT to ChuanhuChatGPT.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'prefect'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/PrefectHQ/prefect to prefect.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'jupyter'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/jupyter/jupyter to jupyter.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'facefusion'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/facefusion/facefusion to facefusion.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'rembg'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/danielgatis/rembg to rembg.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'dalle-mini'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/borisdayma/dalle-mini to dalle-mini.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'fabric'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/fabric/fabric to fabric.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'aiohttp'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/aio-libs/aiohttp to aiohttp.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'numpy-ml'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ddbourgin/numpy-ml to numpy-ml.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'SuperAGI'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/TransformerOptimus/SuperAGI to SuperAGI.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Bringing-Old-Photos-Back-to-Life'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/microsoft/Bringing-Old-Photos-Back-to-Life to Bringing-Old-Photos-Back-to-Life.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pyecharts'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/pyecharts/pyecharts to pyecharts.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'typer'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/tiangolo/typer to typer.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'discord.py'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Rapptz/discord.py to discord.py.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'fauxpilot'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/fauxpilot/fauxpilot to fauxpilot.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'mackup'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/lra/mackup to mackup.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'DeDRM_tools'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/apprenticeharper/DeDRM_tools to DeDRM_tools.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'qlib'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/microsoft/qlib to qlib.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'networkx'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/networkx/networkx to networkx.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'powerline'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/powerline/powerline to powerline.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'DocsGPT'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/arc53/DocsGPT to DocsGPT.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'python-mini-projects'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Python-World/python-mini-projects to python-mini-projects.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'airbyte'...\n", + "Updating files: 100% (15906/15906), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/airbytehq/airbyte to airbyte.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'imgaug'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/aleju/imgaug to imgaug.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'supervision'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/roboflow/supervision to supervision.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'py12306'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/pjialin/py12306 to py12306.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'the-gan-zoo'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/hindupuravinash/the-gan-zoo to the-gan-zoo.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ivy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/unifyai/ivy to ivy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'evals'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/openai/evals to evals.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'horovod'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/horovod/horovod to horovod.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'peft'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/huggingface/peft to peft.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'stylegan'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/NVlabs/stylegan to stylegan.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'YYeTsBot'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/tgbot-collection/YYeTsBot to YYeTsBot.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ChatterBot'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/gunthercox/ChatterBot to ChatterBot.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'sentence-transformers'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/UKPLab/sentence-transformers to sentence-transformers.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'salt'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/saltstack/salt to salt.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'wechat_jump_game'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/wangshub/wechat_jump_game to wechat_jump_game.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'wxpy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/youfou/wxpy to wxpy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'nni'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/microsoft/nni to nni.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'haystack'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/deepset-ai/haystack to haystack.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'newspaper'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/codelucas/newspaper to newspaper.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'crewAI'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/joaomdmoura/crewAI to crewAI.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'yapf'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/google/yapf to yapf.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'requests-html'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/psf/requests-html to requests-html.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'flair'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/flairNLP/flair to flair.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'CodeFormer'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/sczhou/CodeFormer to CodeFormer.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'examples-of-web-crawlers'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/shengqiangzhang/examples-of-web-crawlers to examples-of-web-crawlers.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'facenet'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/davidsandberg/facenet to facenet.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'MediaCrawler'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/NanmiCoder/MediaCrawler to MediaCrawler.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'awx'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ansible/awx to awx.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'albumentations'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/albumentations-team/albumentations to albumentations.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'zhao'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/programthink/zhao to zhao.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'mailinabox'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/mail-in-a-box/mailinabox to mailinabox.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'speedtest-cli'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/sivel/speedtest-cli to speedtest-cli.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'searx'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/searx/searx to searx.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'reinforcement-learning-an-introduction'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ShangtongZhang/reinforcement-learning-an-introduction to reinforcement-learning-an-introduction.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'dvc'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/iterative/dvc to dvc.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'PySimpleGUI'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/PySimpleGUI/PySimpleGUI to PySimpleGUI.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'backtrader'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/mementum/backtrader to backtrader.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'sqlmodel'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/tiangolo/sqlmodel to sqlmodel.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'nltk'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/nltk/nltk to nltk.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'dgl'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/dmlc/dgl to dgl.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Swin-Transformer'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/microsoft/Swin-Transformer to Swin-Transformer.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'transferlearning'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/jindongwang/transferlearning to transferlearning.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'detr'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/facebookresearch/detr to detr.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'explainshell'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/idank/explainshell to explainshell.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'XSStrike'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/s0md3v/XSStrike to XSStrike.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'impacket'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/fortra/impacket to impacket.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'mihomo'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/MetaCubeX/mihomo to mihomo.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'wifiphisher'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/wifiphisher/wifiphisher to wifiphisher.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'AutoEq'...\n", + "Updating files: 100% (63620/63620), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/jaakkopasanen/AutoEq to AutoEq.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'tushare'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/waditu/tushare to tushare.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'edgedb'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/edgedb/edgedb to edgedb.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'memray'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/bloomberg/memray to memray.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'EIPs'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ethereum/EIPs to EIPs.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'PaddleHub'...\n", + "Updating files: 100% (2956/2956), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/PaddlePaddle/PaddleHub to PaddleHub.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'scipy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/scipy/scipy to scipy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'chroma'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/chroma-core/chroma to chroma.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'sympy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/sympy/sympy to sympy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'beets'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/beetbox/beets to beets.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'httpbin'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/postmanlabs/httpbin to httpbin.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'labelme'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/labelmeai/labelme to labelme.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'openage'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/SFTtech/openage to openage.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'httpx'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/encode/httpx to httpx.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'redis-py'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/redis/redis-py to redis-py.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pelican'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/getpelican/pelican to pelican.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ChatGLM3'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/THUDM/ChatGLM3 to ChatGLM3.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'clip-as-service'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/jina-ai/clip-as-service to clip-as-service.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'awesome-aws'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/donnemartin/awesome-aws to awesome-aws.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pyright'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/microsoft/pyright to pyright.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pre-commit'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/pre-commit/pre-commit to pre-commit.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'PaddleDetection'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/PaddlePaddle/PaddleDetection to PaddleDetection.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'OCRmyPDF'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ocrmypdf/OCRmyPDF to OCRmyPDF.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'chatgpt-mirai-qq-bot'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/lss233/chatgpt-mirai-qq-bot to chatgpt-mirai-qq-bot.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'ydata-profiling'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ydataai/ydata-profiling to ydata-profiling.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'dask'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/dask/dask to dask.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'seaborn'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/mwaskom/seaborn to seaborn.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'yfinance'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/ranaroussi/yfinance to yfinance.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pix2code'...\n", + "Updating files: 100% (43/43), done.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/tonybeltramelli/pix2code to pix2code.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'routersploit'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/threat9/routersploit to routersploit.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Zappa'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Miserlou/Zappa to Zappa.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'neural-enhance'...\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "Remaining API requests: 4319\n", - "Error processing public-apis: Expecting value: line 1 column 1 (char 0)\n", - "Error processing system-design-primer: Expecting value: line 1 column 1 (char 0)\n", - "Error processing awesome-python: Expecting value: line 1 column 1 (char 0)\n", - "Error processing Python: Expecting value: line 1 column 1 (char 0)\n", - "Error processing Python-100-Days: Extra data: line 1 column 3 (char 2)\n", - "Error processing stable-diffusion-webui: Expecting value: line 1 column 1 (char 0)\n", - "Error processing youtube-dl: Expecting value: line 1 column 1 (char 0)\n", - "Error processing transformers: Expecting value: line 1 column 1 (char 0)\n", - "Error processing HelloGitHub: Expecting value: line 1 column 1 (char 0)\n", - "Error processing langchain: Expecting value: line 1 column 1 (char 0)\n", - "Error processing thefuck: Expecting value: line 1 column 1 (char 0)\n", - "Error processing pytorch: Expecting value: line 1 column 1 (char 0)\n", - "Error processing django: Expecting value: line 1 column 1 (char 0)\n", - "Error processing models: Expecting value: line 1 column 1 (char 0)\n", - "Error processing yt-dlp: Expecting value: line 1 column 1 (char 0)\n", - "Error processing fastapi: Expecting value: line 1 column 1 (char 0)\n", - "Error processing core: Extra data: line 1 column 3 (char 2)\n", - "Error processing flask: Expecting value: line 1 column 1 (char 0)\n", - "Error processing funNLP: Expecting value: line 1 column 1 (char 0)\n", - "Error processing devops-exercises: Expecting value: line 1 column 1 (char 0)\n" - ] - }, - { - "ename": "KeyboardInterrupt", - "evalue": "", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", - "Input \u001b[0;32mIn [8]\u001b[0m, in \u001b[0;36m<cell line: 131>\u001b[0;34m()\u001b[0m\n\u001b[1;32m 129\u001b[0m \u001b[38;5;66;03m# Process the repositories and save source code to CSV\u001b[39;00m\n\u001b[1;32m 130\u001b[0m output_directory \u001b[38;5;241m=\u001b[39m \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mcontext_csv_files\u001b[39m\u001b[38;5;124m'\u001b[39m\n\u001b[0;32m--> 131\u001b[0m \u001b[43mfetch_and_concatenate_source_code\u001b[49m\u001b[43m(\u001b[49m\u001b[43mrepo_urls\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43moutput_directory\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mgithub_token\u001b[49m\u001b[43m)\u001b[49m\n", - "Input \u001b[0;32mIn [8]\u001b[0m, in \u001b[0;36mfetch_and_concatenate_source_code\u001b[0;34m(repo_urls, output_dir, token)\u001b[0m\n\u001b[1;32m 72\u001b[0m \u001b[38;5;66;03m# Fetch the default branch\u001b[39;00m\n\u001b[1;32m 73\u001b[0m repo_info_url \u001b[38;5;241m=\u001b[39m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mhttps://api.github.com/repos/\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mrepo_user\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m/\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mrepo_name\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m'\u001b[39m\n\u001b[0;32m---> 74\u001b[0m repo_info_response \u001b[38;5;241m=\u001b[39m \u001b[43mretry_request\u001b[49m\u001b[43m(\u001b[49m\u001b[43mrepo_info_url\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mheaders\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 75\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m repo_info_response\u001b[38;5;241m.\u001b[39mstatus_code \u001b[38;5;241m==\u001b[39m \u001b[38;5;241m200\u001b[39m:\n\u001b[1;32m 76\u001b[0m default_branch \u001b[38;5;241m=\u001b[39m repo_info_response\u001b[38;5;241m.\u001b[39mjson()\u001b[38;5;241m.\u001b[39mget(\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mdefault_branch\u001b[39m\u001b[38;5;124m'\u001b[39m, \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mmain\u001b[39m\u001b[38;5;124m'\u001b[39m)\n", - "Input \u001b[0;32mIn [8]\u001b[0m, in \u001b[0;36mretry_request\u001b[0;34m(url, headers, retries, delay)\u001b[0m\n\u001b[1;32m 44\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mretry_request\u001b[39m(url, headers, retries\u001b[38;5;241m=\u001b[39m\u001b[38;5;241m3\u001b[39m, delay\u001b[38;5;241m=\u001b[39m\u001b[38;5;241m2\u001b[39m):\n\u001b[1;32m 45\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m attempt \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28mrange\u001b[39m(retries):\n\u001b[0;32m---> 46\u001b[0m response \u001b[38;5;241m=\u001b[39m \u001b[43mrequests\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mget\u001b[49m\u001b[43m(\u001b[49m\u001b[43murl\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mheaders\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mheaders\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 47\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m response\u001b[38;5;241m.\u001b[39mstatus_code \u001b[38;5;241m==\u001b[39m \u001b[38;5;241m200\u001b[39m:\n\u001b[1;32m 48\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m response\n", - "File \u001b[0;32m~/anaconda3/lib/python3.9/site-packages/requests/api.py:73\u001b[0m, in \u001b[0;36mget\u001b[0;34m(url, params, **kwargs)\u001b[0m\n\u001b[1;32m 62\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mget\u001b[39m(url, params\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs):\n\u001b[1;32m 63\u001b[0m \u001b[38;5;124mr\u001b[39m\u001b[38;5;124;03m\"\"\"Sends a GET request.\u001b[39;00m\n\u001b[1;32m 64\u001b[0m \n\u001b[1;32m 65\u001b[0m \u001b[38;5;124;03m :param url: URL for the new :class:`Request` object.\u001b[39;00m\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 70\u001b[0m \u001b[38;5;124;03m :rtype: requests.Response\u001b[39;00m\n\u001b[1;32m 71\u001b[0m \u001b[38;5;124;03m \"\"\"\u001b[39;00m\n\u001b[0;32m---> 73\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mrequest\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;124;43m\"\u001b[39;49m\u001b[38;5;124;43mget\u001b[39;49m\u001b[38;5;124;43m\"\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43murl\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mparams\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mparams\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", - "File \u001b[0;32m~/anaconda3/lib/python3.9/site-packages/requests/api.py:59\u001b[0m, in \u001b[0;36mrequest\u001b[0;34m(method, url, **kwargs)\u001b[0m\n\u001b[1;32m 55\u001b[0m \u001b[38;5;66;03m# By using the 'with' statement we are sure the session is closed, thus we\u001b[39;00m\n\u001b[1;32m 56\u001b[0m \u001b[38;5;66;03m# avoid leaving sockets open which can trigger a ResourceWarning in some\u001b[39;00m\n\u001b[1;32m 57\u001b[0m \u001b[38;5;66;03m# cases, and look like a memory leak in others.\u001b[39;00m\n\u001b[1;32m 58\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m sessions\u001b[38;5;241m.\u001b[39mSession() \u001b[38;5;28;01mas\u001b[39;00m session:\n\u001b[0;32m---> 59\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43msession\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mrequest\u001b[49m\u001b[43m(\u001b[49m\u001b[43mmethod\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mmethod\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43murl\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43murl\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", - "File \u001b[0;32m~/anaconda3/lib/python3.9/site-packages/requests/sessions.py:587\u001b[0m, in \u001b[0;36mSession.request\u001b[0;34m(self, method, url, params, data, headers, cookies, files, auth, timeout, allow_redirects, proxies, hooks, stream, verify, cert, json)\u001b[0m\n\u001b[1;32m 582\u001b[0m send_kwargs \u001b[38;5;241m=\u001b[39m {\n\u001b[1;32m 583\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mtimeout\u001b[39m\u001b[38;5;124m\"\u001b[39m: timeout,\n\u001b[1;32m 584\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mallow_redirects\u001b[39m\u001b[38;5;124m\"\u001b[39m: allow_redirects,\n\u001b[1;32m 585\u001b[0m }\n\u001b[1;32m 586\u001b[0m send_kwargs\u001b[38;5;241m.\u001b[39mupdate(settings)\n\u001b[0;32m--> 587\u001b[0m resp \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43msend\u001b[49m\u001b[43m(\u001b[49m\u001b[43mprep\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43msend_kwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 589\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m resp\n", - "File \u001b[0;32m~/anaconda3/lib/python3.9/site-packages/requests/sessions.py:701\u001b[0m, in \u001b[0;36mSession.send\u001b[0;34m(self, request, **kwargs)\u001b[0m\n\u001b[1;32m 698\u001b[0m start \u001b[38;5;241m=\u001b[39m preferred_clock()\n\u001b[1;32m 700\u001b[0m \u001b[38;5;66;03m# Send the request\u001b[39;00m\n\u001b[0;32m--> 701\u001b[0m r \u001b[38;5;241m=\u001b[39m \u001b[43madapter\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43msend\u001b[49m\u001b[43m(\u001b[49m\u001b[43mrequest\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 703\u001b[0m \u001b[38;5;66;03m# Total elapsed time of the request (approximately)\u001b[39;00m\n\u001b[1;32m 704\u001b[0m elapsed \u001b[38;5;241m=\u001b[39m preferred_clock() \u001b[38;5;241m-\u001b[39m start\n", - "File \u001b[0;32m~/anaconda3/lib/python3.9/site-packages/requests/adapters.py:489\u001b[0m, in \u001b[0;36mHTTPAdapter.send\u001b[0;34m(self, request, stream, timeout, verify, cert, proxies)\u001b[0m\n\u001b[1;32m 487\u001b[0m \u001b[38;5;28;01mtry\u001b[39;00m:\n\u001b[1;32m 488\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m chunked:\n\u001b[0;32m--> 489\u001b[0m resp \u001b[38;5;241m=\u001b[39m \u001b[43mconn\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43murlopen\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 490\u001b[0m \u001b[43m \u001b[49m\u001b[43mmethod\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mrequest\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mmethod\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 491\u001b[0m \u001b[43m \u001b[49m\u001b[43murl\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43murl\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 492\u001b[0m \u001b[43m \u001b[49m\u001b[43mbody\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mrequest\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mbody\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 493\u001b[0m \u001b[43m \u001b[49m\u001b[43mheaders\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mrequest\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mheaders\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 494\u001b[0m \u001b[43m \u001b[49m\u001b[43mredirect\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mFalse\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[1;32m 495\u001b[0m \u001b[43m \u001b[49m\u001b[43massert_same_host\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mFalse\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[1;32m 496\u001b[0m \u001b[43m \u001b[49m\u001b[43mpreload_content\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mFalse\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[1;32m 497\u001b[0m \u001b[43m \u001b[49m\u001b[43mdecode_content\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mFalse\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[1;32m 498\u001b[0m \u001b[43m \u001b[49m\u001b[43mretries\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mmax_retries\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 499\u001b[0m \u001b[43m \u001b[49m\u001b[43mtimeout\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mtimeout\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 500\u001b[0m \u001b[43m \u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 502\u001b[0m \u001b[38;5;66;03m# Send the request.\u001b[39;00m\n\u001b[1;32m 503\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[1;32m 504\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mhasattr\u001b[39m(conn, \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mproxy_pool\u001b[39m\u001b[38;5;124m\"\u001b[39m):\n", - "File \u001b[0;32m~/anaconda3/lib/python3.9/site-packages/urllib3/connectionpool.py:703\u001b[0m, in \u001b[0;36mHTTPConnectionPool.urlopen\u001b[0;34m(self, method, url, body, headers, retries, redirect, assert_same_host, timeout, pool_timeout, release_conn, chunked, body_pos, **response_kw)\u001b[0m\n\u001b[1;32m 700\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_prepare_proxy(conn)\n\u001b[1;32m 702\u001b[0m \u001b[38;5;66;03m# Make the request on the httplib connection object.\u001b[39;00m\n\u001b[0;32m--> 703\u001b[0m httplib_response \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_make_request\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 704\u001b[0m \u001b[43m \u001b[49m\u001b[43mconn\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 705\u001b[0m \u001b[43m \u001b[49m\u001b[43mmethod\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 706\u001b[0m \u001b[43m \u001b[49m\u001b[43murl\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 707\u001b[0m \u001b[43m \u001b[49m\u001b[43mtimeout\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mtimeout_obj\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 708\u001b[0m \u001b[43m \u001b[49m\u001b[43mbody\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mbody\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 709\u001b[0m \u001b[43m \u001b[49m\u001b[43mheaders\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mheaders\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 710\u001b[0m \u001b[43m \u001b[49m\u001b[43mchunked\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mchunked\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 711\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 713\u001b[0m \u001b[38;5;66;03m# If we're going to release the connection in ``finally:``, then\u001b[39;00m\n\u001b[1;32m 714\u001b[0m \u001b[38;5;66;03m# the response doesn't need to know about the connection. Otherwise\u001b[39;00m\n\u001b[1;32m 715\u001b[0m \u001b[38;5;66;03m# it will also try to release it and we'll have a double-release\u001b[39;00m\n\u001b[1;32m 716\u001b[0m \u001b[38;5;66;03m# mess.\u001b[39;00m\n\u001b[1;32m 717\u001b[0m response_conn \u001b[38;5;241m=\u001b[39m conn \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m release_conn \u001b[38;5;28;01melse\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m\n", - "File \u001b[0;32m~/anaconda3/lib/python3.9/site-packages/urllib3/connectionpool.py:386\u001b[0m, in \u001b[0;36mHTTPConnectionPool._make_request\u001b[0;34m(self, conn, method, url, timeout, chunked, **httplib_request_kw)\u001b[0m\n\u001b[1;32m 384\u001b[0m \u001b[38;5;66;03m# Trigger any extra validation we need to do.\u001b[39;00m\n\u001b[1;32m 385\u001b[0m \u001b[38;5;28;01mtry\u001b[39;00m:\n\u001b[0;32m--> 386\u001b[0m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_validate_conn\u001b[49m\u001b[43m(\u001b[49m\u001b[43mconn\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 387\u001b[0m \u001b[38;5;28;01mexcept\u001b[39;00m (SocketTimeout, BaseSSLError) \u001b[38;5;28;01mas\u001b[39;00m e:\n\u001b[1;32m 388\u001b[0m \u001b[38;5;66;03m# Py2 raises this as a BaseSSLError, Py3 raises it as socket timeout.\u001b[39;00m\n\u001b[1;32m 389\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_raise_timeout(err\u001b[38;5;241m=\u001b[39me, url\u001b[38;5;241m=\u001b[39murl, timeout_value\u001b[38;5;241m=\u001b[39mconn\u001b[38;5;241m.\u001b[39mtimeout)\n", - "File \u001b[0;32m~/anaconda3/lib/python3.9/site-packages/urllib3/connectionpool.py:1042\u001b[0m, in \u001b[0;36mHTTPSConnectionPool._validate_conn\u001b[0;34m(self, conn)\u001b[0m\n\u001b[1;32m 1040\u001b[0m \u001b[38;5;66;03m# Force connect early to allow us to validate the connection.\u001b[39;00m\n\u001b[1;32m 1041\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28mgetattr\u001b[39m(conn, \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124msock\u001b[39m\u001b[38;5;124m\"\u001b[39m, \u001b[38;5;28;01mNone\u001b[39;00m): \u001b[38;5;66;03m# AppEngine might not have `.sock`\u001b[39;00m\n\u001b[0;32m-> 1042\u001b[0m \u001b[43mconn\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mconnect\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1044\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m conn\u001b[38;5;241m.\u001b[39mis_verified:\n\u001b[1;32m 1045\u001b[0m warnings\u001b[38;5;241m.\u001b[39mwarn(\n\u001b[1;32m 1046\u001b[0m (\n\u001b[1;32m 1047\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mUnverified HTTPS request is being made to host \u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;132;01m%s\u001b[39;00m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124m. \u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 1052\u001b[0m InsecureRequestWarning,\n\u001b[1;32m 1053\u001b[0m )\n", - "File \u001b[0;32m~/anaconda3/lib/python3.9/site-packages/urllib3/connection.py:414\u001b[0m, in \u001b[0;36mHTTPSConnection.connect\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 405\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m (\n\u001b[1;32m 406\u001b[0m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mca_certs\n\u001b[1;32m 407\u001b[0m \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mca_cert_dir\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 410\u001b[0m \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;28mhasattr\u001b[39m(context, \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mload_default_certs\u001b[39m\u001b[38;5;124m\"\u001b[39m)\n\u001b[1;32m 411\u001b[0m ):\n\u001b[1;32m 412\u001b[0m context\u001b[38;5;241m.\u001b[39mload_default_certs()\n\u001b[0;32m--> 414\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39msock \u001b[38;5;241m=\u001b[39m \u001b[43mssl_wrap_socket\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 415\u001b[0m \u001b[43m \u001b[49m\u001b[43msock\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mconn\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 416\u001b[0m \u001b[43m \u001b[49m\u001b[43mkeyfile\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mkey_file\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 417\u001b[0m \u001b[43m \u001b[49m\u001b[43mcertfile\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mcert_file\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 418\u001b[0m \u001b[43m \u001b[49m\u001b[43mkey_password\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mkey_password\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 419\u001b[0m \u001b[43m \u001b[49m\u001b[43mca_certs\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mca_certs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 420\u001b[0m \u001b[43m \u001b[49m\u001b[43mca_cert_dir\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mca_cert_dir\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 421\u001b[0m \u001b[43m \u001b[49m\u001b[43mca_cert_data\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mca_cert_data\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 422\u001b[0m \u001b[43m \u001b[49m\u001b[43mserver_hostname\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mserver_hostname\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 423\u001b[0m \u001b[43m \u001b[49m\u001b[43mssl_context\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mcontext\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 424\u001b[0m \u001b[43m \u001b[49m\u001b[43mtls_in_tls\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mtls_in_tls\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 425\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 427\u001b[0m \u001b[38;5;66;03m# If we're using all defaults and the connection\u001b[39;00m\n\u001b[1;32m 428\u001b[0m \u001b[38;5;66;03m# is TLSv1 or TLSv1.1 we throw a DeprecationWarning\u001b[39;00m\n\u001b[1;32m 429\u001b[0m \u001b[38;5;66;03m# for the host.\u001b[39;00m\n\u001b[1;32m 430\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m (\n\u001b[1;32m 431\u001b[0m default_ssl_context\n\u001b[1;32m 432\u001b[0m \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mssl_version \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[1;32m 433\u001b[0m \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;28mhasattr\u001b[39m(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39msock, \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mversion\u001b[39m\u001b[38;5;124m\"\u001b[39m)\n\u001b[1;32m 434\u001b[0m \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39msock\u001b[38;5;241m.\u001b[39mversion() \u001b[38;5;129;01min\u001b[39;00m {\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mTLSv1\u001b[39m\u001b[38;5;124m\"\u001b[39m, \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mTLSv1.1\u001b[39m\u001b[38;5;124m\"\u001b[39m}\n\u001b[1;32m 435\u001b[0m ):\n", - "File \u001b[0;32m~/anaconda3/lib/python3.9/site-packages/urllib3/util/ssl_.py:402\u001b[0m, in \u001b[0;36mssl_wrap_socket\u001b[0;34m(sock, keyfile, certfile, cert_reqs, ca_certs, server_hostname, ssl_version, ciphers, ssl_context, ca_cert_dir, key_password, ca_cert_data, tls_in_tls)\u001b[0m\n\u001b[1;32m 400\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m ca_certs \u001b[38;5;129;01mor\u001b[39;00m ca_cert_dir \u001b[38;5;129;01mor\u001b[39;00m ca_cert_data:\n\u001b[1;32m 401\u001b[0m \u001b[38;5;28;01mtry\u001b[39;00m:\n\u001b[0;32m--> 402\u001b[0m \u001b[43mcontext\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mload_verify_locations\u001b[49m\u001b[43m(\u001b[49m\u001b[43mca_certs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mca_cert_dir\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mca_cert_data\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 403\u001b[0m \u001b[38;5;28;01mexcept\u001b[39;00m (\u001b[38;5;167;01mIOError\u001b[39;00m, \u001b[38;5;167;01mOSError\u001b[39;00m) \u001b[38;5;28;01mas\u001b[39;00m e:\n\u001b[1;32m 404\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m SSLError(e)\n", - "\u001b[0;31mKeyboardInterrupt\u001b[0m: " + "Successfully processed and saved https://github.com/alexjc/neural-enhance to neural-enhance.csv\n" ] - } - ], - "source": [ - "import requests\n", - "import os\n", - "import pandas as pd\n", - "import base64\n", - "import time\n", - "from urllib.parse import urlparse\n", - "\n", - "# Fetch 200 best Python GitHub repo URLs\n", - "def fetch_python_repo_urls(token, total_repos=300):\n", - " repo_urls = []\n", - " headers = {\n", - " 'Authorization': f'token {token}',\n", - " 'Accept': 'application/vnd.github.v3+json'\n", - " }\n", - " query = 'language:python'\n", - " per_page = 100\n", - "\n", - " for page in range(1, (total_repos // per_page) + 2):\n", - " search_url = f'https://api.github.com/search/repositories?q={query}&sort=stars&order=desc&per_page={per_page}&page={page}'\n", - " response = requests.get(search_url, headers=headers)\n", - " if response.status_code == 200:\n", - " repo_data = response.json()['items']\n", - " repo_urls.extend([repo['html_url'] for repo in repo_data])\n", - " else:\n", - " print(f\"Failed to fetch repositories: {response.status_code}, {response.text}\")\n", - " break\n", - "\n", - " return repo_urls\n", - "\n", - "# Function to check API rate limit\n", - "def check_rate_limit(headers):\n", - " rate_limit_url = \"https://api.github.com/rate_limit\"\n", - " response = requests.get(rate_limit_url, headers=headers)\n", - " if response.status_code == 200:\n", - " rate_limit_data = response.json()\n", - " remaining = rate_limit_data[\"resources\"][\"core\"][\"remaining\"]\n", - " print(f\"Remaining API requests: {remaining}\")\n", - " return remaining\n", - " else:\n", - " print(f\"Failed to check rate limit: {response.status_code}, {response.text}\")\n", - " return 0\n", - "\n", - "# Retry logic wrapper\n", - "def retry_request(url, headers, retries=3, delay=2):\n", - " for attempt in range(retries):\n", - " response = requests.get(url, headers=headers)\n", - " if response.status_code == 200:\n", - " return response\n", - " print(f\"Attempt {attempt + 1} failed: {response.status_code}, {response.text}. Retrying in {delay} seconds...\")\n", - " time.sleep(delay)\n", - " return response\n", - "\n", - "# Function to fetch and concatenate source code, and save to CSV\n", - "def fetch_and_concatenate_source_code(repo_urls, output_dir, token):\n", - " if not os.path.exists(output_dir):\n", - " os.makedirs(output_dir)\n", - "\n", - " headers = {\n", - " 'Authorization': f'token {token}',\n", - " 'Accept': 'application/vnd.github.v3.raw' # Requests raw content directly\n", - " }\n", - "\n", - " if check_rate_limit(headers) == 0:\n", - " print(\"API rate limit exceeded. Try again later.\")\n", - " return\n", - "\n", - " for url in repo_urls:\n", - " parsed_url = urlparse(url)\n", - " parts = parsed_url.path.strip('/').split('/')\n", - " repo_user, repo_name = parts[0], parts[1]\n", - "\n", - " # Fetch the default branch\n", - " repo_info_url = f'https://api.github.com/repos/{repo_user}/{repo_name}'\n", - " repo_info_response = retry_request(repo_info_url, headers)\n", - " if repo_info_response.status_code == 200:\n", - " default_branch = repo_info_response.json().get('default_branch', 'main')\n", - " else:\n", - " print(f'Failed to fetch repo info for {repo_name}: {repo_info_response.status_code}, {repo_info_response.text}')\n", - " continue\n", - "\n", - " api_url = f'https://api.github.com/repos/{repo_user}/{repo_name}/git/trees/{default_branch}?recursive=true'\n", - " response = retry_request(api_url, headers={'Authorization': f'token {token}', 'Accept': 'application/vnd.github.v3+json'})\n", - "\n", - " if response.status_code == 200:\n", - " try:\n", - " data = response.json()\n", - " all_files_content = []\n", - "\n", - " for file in data['tree']:\n", - " if file['type'] == 'blob' and file['path'].endswith(('.py', '.c', '.cpp', '.java', '.js', '.ts', '.go')):\n", - " file_url = f\"https://api.github.com/repos/{repo_user}/{repo_name}/contents/{file['path']}?ref={default_branch}\"\n", - " file_response = retry_request(file_url, headers)\n", - " if file_response.status_code == 200:\n", - " file_data = file_response.json()\n", - " if 'content' in file_data:\n", - " try:\n", - " file_content = base64.b64decode(file_data['content'])\n", - " try:\n", - " file_content = file_content.decode('utf-8')\n", - " if file_content:\n", - " all_files_content.append(file_content)\n", - " else:\n", - " print(f\"File {file['path']} from {repo_name} is empty. Skipping...\")\n", - " except UnicodeDecodeError:\n", - " print(f\"Failed to decode file {file['path']} from {repo_name} as UTF-8. Skipping...\")\n", - " except (ValueError, UnicodeDecodeError) as e:\n", - " print(f\"Failed to decode file {file['path']} from {repo_name}: {e}. Skipping...\")\n", - " else:\n", - " print(f\"File {file['path']} from {repo_name} does not have content. Skipping...\")\n", - " else:\n", - " print(f\"Failed to fetch file {file['path']} from {repo_name}: {file_response.status_code}, {file_response.text}\")\n", - "\n", - " if all_files_content:\n", - " concatenated_content = \"\\n\".join(all_files_content)\n", - " df = pd.DataFrame([concatenated_content], columns=['SourceCode'])\n", - " df.to_csv(os.path.join(output_dir, f'{repo_name}_context.csv'), index=False)\n", - " print(f'Saved {repo_name}_context.csv')\n", - " else:\n", - " print(f\"No files could be processed for {repo_name}. Skipping...\")\n", - " except Exception as e:\n", - " print(f\"Error processing {repo_name}: {e}\")\n", - " else:\n", - " print(f'Failed to fetch repository data for {repo_name}: {response.status_code}, {response.text}')\n", - "\n", - "# Fetch 200 best Python repositories\n", - "github_token = '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' # Replace with your GitHub Personal Access Token\n", - "repo_urls = fetch_python_repo_urls(github_token, total_repos=300)\n", - "\n", - "# Process the repositories and save source code to CSV\n", - "output_directory = 'context_csv_files'\n", - "fetch_and_concatenate_source_code(repo_urls, output_directory, github_token)" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "id": "ba939428-e9b5-4555-9e8d-f517b0da0cc8", - "metadata": {}, - "outputs": [ + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'moviepy'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Zulko/moviepy to moviepy.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'walle-web'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/meolu/walle-web to walle-web.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'MOSS'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/OpenMOSS/MOSS to MOSS.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'spiderfoot'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/smicallef/spiderfoot to spiderfoot.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'synapse'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/matrix-org/synapse to synapse.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'alphafold'...\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "['https://github.com/public-apis/public-apis', 'https://github.com/donnemartin/system-design-primer', 'https://github.com/vinta/awesome-python', 'https://github.com/TheAlgorithms/Python', 'https://github.com/jackfrued/Python-100-Days', 'https://github.com/AUTOMATIC1111/stable-diffusion-webui', 'https://github.com/ytdl-org/youtube-dl', 'https://github.com/huggingface/transformers', 'https://github.com/521xueweihan/HelloGitHub', 'https://github.com/langchain-ai/langchain', 'https://github.com/nvbn/thefuck', 'https://github.com/pytorch/pytorch', 'https://github.com/django/django', 'https://github.com/tensorflow/models', 'https://github.com/yt-dlp/yt-dlp', 'https://github.com/tiangolo/fastapi', 'https://github.com/home-assistant/core', 'https://github.com/pallets/flask', 'https://github.com/fighting41love/funNLP', 'https://github.com/bregman-arie/devops-exercises', 'https://github.com/josephmisiti/awesome-machine-learning', 'https://github.com/ansible/ansible', 'https://github.com/keras-team/keras', 'https://github.com/openai/whisper', 'https://github.com/python/cpython', 'https://github.com/3b1b/manim', 'https://github.com/scikit-learn/scikit-learn', 'https://github.com/xtekky/gpt4free', 'https://github.com/binary-husky/gpt_academic', 'https://github.com/d2l-ai/d2l-zh', 'https://github.com/swisskyrepo/PayloadsAllTheThings', 'https://github.com/meta-llama/llama', 'https://github.com/localstack/localstack', 'https://github.com/zylon-ai/private-gpt', 'https://github.com/ageitgey/face_recognition', 'https://github.com/sherlock-project/sherlock', 'https://github.com/psf/requests', 'https://github.com/scrapy/scrapy', 'https://github.com/CorentinJ/Real-Time-Voice-Cloning', 'https://github.com/gpt-engineer-org/gpt-engineer', 'https://github.com/abi/screenshot-to-code', 'https://github.com/deepfakes/faceswap', 'https://github.com/soimort/you-get', 'https://github.com/OpenInterpreter/open-interpreter', 'https://github.com/xai-org/grok-1', 'https://github.com/commaai/openpilot', 'https://github.com/Textualize/rich', 'https://github.com/ultralytics/yolov5', 'https://github.com/minimaxir/big-list-of-naughty-strings', 'https://github.com/iperov/DeepFaceLab', 'https://github.com/charlax/professional-programming', 'https://github.com/Z4nzu/hackingtool', 'https://github.com/pandas-dev/pandas', 'https://github.com/isocpp/CppCoreGuidelines', 'https://github.com/geekan/MetaGPT', 'https://github.com/faif/python-patterns', 'https://github.com/THUDM/ChatGLM-6B', 'https://github.com/PaddlePaddle/PaddleOCR', 'https://github.com/apachecn/ailearning', 'https://github.com/hpcaitech/ColossalAI', 'https://github.com/chubin/cheat.sh', 'https://github.com/psf/black', 'https://github.com/floodsung/Deep-Learning-Papers-Reading-Roadmap', 'https://github.com/google-research/bert', 'https://github.com/getsentry/sentry', 'https://github.com/oobabooga/text-generation-webui', 'https://github.com/LAION-AI/Open-Assistant', 'https://github.com/Stability-AI/stablediffusion', 'https://github.com/0voice/interview_internal_reference', 'https://github.com/gto76/python-cheatsheet', 'https://github.com/lllyasviel/Fooocus', 'https://github.com/XingangPan/DragGAN', 'https://github.com/satwikkansal/wtfpython', 'https://github.com/mingrammer/diagrams', 'https://github.com/odoo/odoo', 'https://github.com/TencentARC/GFPGAN', 'https://github.com/apache/airflow', 'https://github.com/chenfei-wu/TaskMatrix', 'https://github.com/mitmproxy/mitmproxy', 'https://github.com/lm-sys/FastChat', 'https://github.com/comfyanonymous/ComfyUI', 'https://github.com/babysor/MockingBird', 'https://github.com/openai/gym', 'https://github.com/testerSunshine/12306', 'https://github.com/shadowsocks/shadowsocks', 'https://github.com/microsoft/DeepSpeed', 'https://github.com/XX-net/XX-Net', 'https://github.com/fxsjy/jieba', 'https://github.com/hankcs/HanLP', 'https://github.com/Asabeneh/30-Days-Of-Python', 'https://github.com/karpathy/nanoGPT', 'https://github.com/httpie/cli', 'https://github.com/streamlit/streamlit', 'https://github.com/ccxt/ccxt', 'https://github.com/run-llama/llama_index', 'https://github.com/ray-project/ray', 'https://github.com/certbot/certbot', 'https://github.com/sqlmapproject/sqlmap', 'https://github.com/geekcomputers/Python', 'https://github.com/huggingface/pytorch-image-models', 'https://github.com/coqui-ai/TTS', 'https://github.com/python-poetry/poetry', 'https://github.com/0xAX/linux-insides', 'https://github.com/facebookresearch/fairseq', 'https://github.com/gradio-app/gradio', 'https://github.com/yunjey/pytorch-tutorial', 'https://github.com/tatsu-lab/stanford_alpaca', 'https://github.com/explosion/spaCy', 'https://github.com/donnemartin/interactive-coding-challenges', 'https://github.com/facebookresearch/detectron2', 'https://github.com/Pythagora-io/gpt-pilot', 'https://github.com/google/jax', 'https://github.com/lllyasviel/ControlNet', 'https://github.com/acheong08/ChatGPT', 'https://github.com/open-mmlab/mmdetection', 'https://github.com/chatchat-space/Langchain-Chatchat', 'https://github.com/encode/django-rest-framework', 'https://github.com/tqdm/tqdm', 'https://github.com/Lightning-AI/pytorch-lightning', 'https://github.com/LC044/WeChatMsg', 'https://github.com/OWASP/CheatSheetSeries', 'https://github.com/donnemartin/data-science-ipython-notebooks', 'https://github.com/numpy/numpy', 'https://github.com/google/python-fire', 'https://github.com/xinntao/Real-ESRGAN', 'https://github.com/OpenBB-finance/OpenBBTerminal', 'https://github.com/facebookresearch/Detectron', 'https://github.com/freqtrade/freqtrade', 'https://github.com/StevenBlack/hosts', 'https://github.com/ycm-core/YouCompleteMe', 'https://github.com/spipm/Depix', 'https://github.com/zhayujie/chatgpt-on-wechat', 'https://github.com/littlecodersh/ItChat', 'https://github.com/nicolargo/glances', 'https://github.com/s0md3v/roop', 'https://github.com/getredash/redash', 'https://github.com/deezer/spleeter', 'https://github.com/Vision-CAIR/MiniGPT-4', 'https://github.com/python-telegram-bot/python-telegram-bot', 'https://github.com/pypa/pipenv', 'https://github.com/myshell-ai/OpenVoice', 'https://github.com/OpenDevin/OpenDevin', 'https://github.com/microsoft/cascadia-code', 'https://github.com/matterport/Mask_RCNN', 'https://github.com/tinygrad/tinygrad', 'https://github.com/svc-develop-team/so-vits-svc', 'https://github.com/RVC-Boss/GPT-SoVITS', 'https://github.com/jumpserver/jumpserver', 'https://github.com/locustio/locust', 'https://github.com/chubin/wttr.in', 'https://github.com/Textualize/textual', 'https://github.com/celery/celery', 'https://github.com/keon/algorithms', 'https://github.com/vnpy/vnpy', 'https://github.com/iperov/DeepFaceLive', 'https://github.com/ultralytics/ultralytics', 'https://github.com/eriklindernoren/ML-From-Scratch', 'https://github.com/microsoft/JARVIS', 'https://github.com/huggingface/diffusers', 'https://github.com/wangzheng0822/algo', 'https://github.com/mouredev/Hello-Python', 'https://github.com/Stability-AI/generative-models', 'https://github.com/sebastianruder/NLP-progress', 'https://github.com/JaidedAI/EasyOCR', 'https://github.com/kovidgoyal/kitty', 'https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix', 'https://github.com/HumanSignal/labelImg', 'https://github.com/d2l-ai/d2l-en', 'https://github.com/AtsushiSakai/PythonRobotics', 'https://github.com/pytorch/examples', 'https://github.com/cookiecutter/cookiecutter', 'https://github.com/tornadoweb/tornado', 'https://github.com/hiyouga/LLaMA-Factory', 'https://github.com/mindsdb/mindsdb', 'https://github.com/deepinsight/insightface', 'https://github.com/openai/gpt-2', 'https://github.com/luong-komorebi/Awesome-Linux-Software', 'https://github.com/WZMIAOMIAO/deep-learning-for-image-processing', 'https://github.com/drduh/macOS-Security-and-Privacy-Guide', 'https://github.com/openai/chatgpt-retrieval-plugin', 'https://github.com/plotly/dash', 'https://github.com/chriskiehl/Gooey', 'https://github.com/jhao104/proxy_pool', 'https://github.com/pyg-team/pytorch_geometric', 'https://github.com/saleor/saleor', 'https://github.com/zulip/zulip', 'https://github.com/jina-ai/jina', 'https://github.com/openai/openai-python', 'https://github.com/KurtBestor/Hitomi-Downloader', 'https://github.com/521xueweihan/GitHub520', 'https://github.com/ArchiveBox/ArchiveBox', 'https://github.com/facebookresearch/audiocraft', 'https://github.com/meta-llama/llama3', 'https://github.com/RVC-Project/Retrieval-based-Voice-Conversion-WebUI', 'https://github.com/matplotlib/matplotlib', 'https://github.com/yoheinakajima/babyagi', 'https://github.com/Vonng/ddia', 'https://github.com/PromtEngineer/localGPT', 'https://github.com/vllm-project/vllm', 'https://github.com/ManimCommunity/manim', 'https://github.com/ungoogled-software/ungoogled-chromium', 'https://github.com/karpathy/minGPT', 'https://github.com/magenta/magenta', 'https://github.com/bokeh/bokeh', 'https://github.com/pydantic/pydantic', 'https://github.com/huggingface/datasets', 'https://github.com/microsoft/unilm', 'https://github.com/kholia/OSX-KVM', 'https://github.com/kovidgoyal/calibre', 'https://github.com/mkdocs/mkdocs', 'https://github.com/magic-wormhole/magic-wormhole', 'https://github.com/Delgan/loguru', 'https://github.com/lucidrains/vit-pytorch', 'https://github.com/nginx-proxy/nginx-proxy', 'https://github.com/recommenders-team/recommenders', 'https://github.com/RasaHQ/rasa', 'https://github.com/facebook/prophet', 'https://github.com/sanic-org/sanic', 'https://github.com/kaixindelele/ChatPaper', 'https://github.com/Jack-Cherish/python-spider', 'https://github.com/jantic/DeOldify', 'https://github.com/python/mypy', 'https://github.com/ymcui/Chinese-LLaMA-Alpaca', 'https://github.com/pyscript/pyscript', 'https://github.com/PostHog/posthog', 'https://github.com/mlflow/mlflow', 'https://github.com/spotify/luigi', 'https://github.com/wagtail/wagtail', 'https://github.com/Sanster/IOPaint', 'https://github.com/miloyip/game-programmer', 'https://github.com/joke2k/faker', 'https://github.com/mlc-ai/mlc-llm', 'https://github.com/Ciphey/Ciphey', 'https://github.com/quantopian/zipline', 'https://github.com/paperless-ngx/paperless-ngx', 'https://github.com/frappe/erpnext', 'https://github.com/stitionai/devika', 'https://github.com/rsms/inter', 'https://github.com/kivy/kivy', 'https://github.com/reflex-dev/reflex', 'https://github.com/onnx/onnx', 'https://github.com/reddit-archive/reddit', 'https://github.com/hpcaitech/Open-Sora', 'https://github.com/haotian-liu/LLaVA', 'https://github.com/chatanywhere/GPT_API_free', 'https://github.com/InstaPy/InstaPy', 'https://github.com/binux/pyspider', 'https://github.com/LiLittleCat/awesome-free-chatgpt', 'https://github.com/cool-RR/PySnooper', 'https://github.com/apple/ml-stable-diffusion', 'https://github.com/ipython/ipython', 'https://github.com/wilsonfreitas/awesome-quant', 'https://github.com/alievk/avatarify-python', 'https://github.com/Mikubill/sd-webui-controlnet', 'https://github.com/wting/autojump', 'https://github.com/trekhleb/learn-python', 'https://github.com/eriklindernoren/PyTorch-GAN', 'https://github.com/Kr1s77/awesome-python-login-model', 'https://github.com/twintproject/twint', 'https://github.com/THUDM/ChatGLM2-6B', 'https://github.com/wistbean/learn_python3_spider', 'https://github.com/mnielsen/neural-networks-and-deep-learning', 'https://github.com/pytorch/vision', 'https://github.com/h2y/Shadowrocket-ADBlock-Rules', 'https://github.com/OpenEthan/SMSBoom', 'https://github.com/openai/baselines', 'https://github.com/plotly/plotly.py', 'https://github.com/piskvorky/gensim', 'https://github.com/RunaCapital/awesome-oss-alternatives', 'https://github.com/meta-llama/codellama', 'https://github.com/pallets/click', 'https://github.com/spotDL/spotify-downloader', 'https://github.com/dgtlmoon/changedetection.io', 'https://github.com/Anjok07/ultimatevocalremovergui', 'https://github.com/netbox-community/netbox', 'https://github.com/mxrch/GHunt', 'https://github.com/ranger/ranger', 'https://github.com/tensorflow/tensor2tensor', 'https://github.com/aws/aws-cli', 'https://github.com/blakeblackshear/frigate', 'https://github.com/w-okada/voice-changer', 'https://github.com/GaiZhenbiao/ChuanhuChatGPT', 'https://github.com/PrefectHQ/prefect', 'https://github.com/jupyter/jupyter', 'https://github.com/facefusion/facefusion', 'https://github.com/danielgatis/rembg', 'https://github.com/borisdayma/dalle-mini', 'https://github.com/fabric/fabric', 'https://github.com/aio-libs/aiohttp', 'https://github.com/ddbourgin/numpy-ml', 'https://github.com/TransformerOptimus/SuperAGI', 'https://github.com/microsoft/Bringing-Old-Photos-Back-to-Life', 'https://github.com/pyecharts/pyecharts', 'https://github.com/tiangolo/typer', 'https://github.com/Rapptz/discord.py', 'https://github.com/fauxpilot/fauxpilot', 'https://github.com/lra/mackup', 'https://github.com/apprenticeharper/DeDRM_tools', 'https://github.com/microsoft/qlib', 'https://github.com/networkx/networkx', 'https://github.com/powerline/powerline', 'https://github.com/arc53/DocsGPT', 'https://github.com/Python-World/python-mini-projects', 'https://github.com/airbytehq/airbyte', 'https://github.com/aleju/imgaug', 'https://github.com/roboflow/supervision', 'https://github.com/pjialin/py12306', 'https://github.com/hindupuravinash/the-gan-zoo', 'https://github.com/unifyai/ivy', 'https://github.com/openai/evals', 'https://github.com/horovod/horovod', 'https://github.com/huggingface/peft', 'https://github.com/NVlabs/stylegan', 'https://github.com/tgbot-collection/YYeTsBot', 'https://github.com/gunthercox/ChatterBot', 'https://github.com/UKPLab/sentence-transformers', 'https://github.com/saltstack/salt', 'https://github.com/wangshub/wechat_jump_game', 'https://github.com/youfou/wxpy', 'https://github.com/microsoft/nni', 'https://github.com/deepset-ai/haystack', 'https://github.com/codelucas/newspaper', 'https://github.com/joaomdmoura/crewAI', 'https://github.com/google/yapf', 'https://github.com/psf/requests-html', 'https://github.com/flairNLP/flair', 'https://github.com/sczhou/CodeFormer', 'https://github.com/shengqiangzhang/examples-of-web-crawlers', 'https://github.com/davidsandberg/facenet', 'https://github.com/NanmiCoder/MediaCrawler', 'https://github.com/ansible/awx', 'https://github.com/albumentations-team/albumentations', 'https://github.com/programthink/zhao', 'https://github.com/mail-in-a-box/mailinabox', 'https://github.com/sivel/speedtest-cli', 'https://github.com/searx/searx', 'https://github.com/ShangtongZhang/reinforcement-learning-an-introduction', 'https://github.com/iterative/dvc', 'https://github.com/PySimpleGUI/PySimpleGUI', 'https://github.com/mementum/backtrader', 'https://github.com/tiangolo/sqlmodel', 'https://github.com/nltk/nltk', 'https://github.com/dmlc/dgl', 'https://github.com/microsoft/Swin-Transformer', 'https://github.com/jindongwang/transferlearning', 'https://github.com/facebookresearch/detr', 'https://github.com/idank/explainshell', 'https://github.com/s0md3v/XSStrike', 'https://github.com/fortra/impacket', 'https://github.com/MetaCubeX/mihomo', 'https://github.com/wifiphisher/wifiphisher', 'https://github.com/jaakkopasanen/AutoEq', 'https://github.com/waditu/tushare', 'https://github.com/edgedb/edgedb', 'https://github.com/bloomberg/memray', 'https://github.com/ethereum/EIPs', 'https://github.com/PaddlePaddle/PaddleHub', 'https://github.com/scipy/scipy', 'https://github.com/chroma-core/chroma', 'https://github.com/sympy/sympy', 'https://github.com/beetbox/beets', 'https://github.com/postmanlabs/httpbin', 'https://github.com/labelmeai/labelme', 'https://github.com/SFTtech/openage', 'https://github.com/encode/httpx', 'https://github.com/redis/redis-py', 'https://github.com/getpelican/pelican', 'https://github.com/THUDM/ChatGLM3', 'https://github.com/jina-ai/clip-as-service', 'https://github.com/donnemartin/awesome-aws', 'https://github.com/microsoft/pyright', 'https://github.com/pre-commit/pre-commit', 'https://github.com/PaddlePaddle/PaddleDetection', 'https://github.com/ocrmypdf/OCRmyPDF', 'https://github.com/lss233/chatgpt-mirai-qq-bot', 'https://github.com/ydataai/ydata-profiling', 'https://github.com/dask/dask', 'https://github.com/mwaskom/seaborn', 'https://github.com/ranaroussi/yfinance', 'https://github.com/tonybeltramelli/pix2code', 'https://github.com/threat9/routersploit', 'https://github.com/Miserlou/Zappa', 'https://github.com/alexjc/neural-enhance', 'https://github.com/Zulko/moviepy', 'https://github.com/meolu/walle-web', 'https://github.com/OpenMOSS/MOSS', 'https://github.com/smicallef/spiderfoot', 'https://github.com/matrix-org/synapse', 'https://github.com/google-deepmind/alphafold', 'https://github.com/dbcli/pgcli', 'https://github.com/python-pillow/Pillow', 'https://github.com/BlinkDL/RWKV-LM', 'https://github.com/allenai/allennlp', 'https://github.com/LlamaFamily/Llama-Chinese', 'https://github.com/smol-ai/developer', 'https://github.com/janeczku/calibre-web', 'https://github.com/Embedding/Chinese-Word-Vectors', 'https://github.com/cookiecutter/cookiecutter-django', 'https://github.com/rougier/numpy-100', 'https://github.com/zalandoresearch/fashion-mnist']\n" + "Successfully processed and saved https://github.com/google-deepmind/alphafold to alphafold.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'pgcli'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/dbcli/pgcli to pgcli.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Pillow'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/python-pillow/Pillow to Pillow.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'RWKV-LM'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/BlinkDL/RWKV-LM to RWKV-LM.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'allennlp'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/allenai/allennlp to allennlp.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Llama-Chinese'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/LlamaFamily/Llama-Chinese to Llama-Chinese.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'developer'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/smol-ai/developer to developer.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'calibre-web'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/janeczku/calibre-web to calibre-web.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'Chinese-Word-Vectors'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/Embedding/Chinese-Word-Vectors to Chinese-Word-Vectors.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'cookiecutter-django'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/cookiecutter/cookiecutter-django to cookiecutter-django.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'numpy-100'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/rougier/numpy-100 to numpy-100.csv\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Cloning into 'fashion-mnist'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Successfully processed and saved https://github.com/zalandoresearch/fashion-mnist to fashion-mnist.csv\n", + "All repositories processed successfully.\n" ] } ], "source": [ - "import pickle\n", - "import os\n", + "# Directory to store CSV files\n", + "output_dir = \"github_repo_source_code\"\n", + "os.makedirs(output_dir, exist_ok=True)\n", "\n", + "# Create a CSV file per GitHub repo\n", + "for url in github_urls:\n", + " try:\n", + " repo_name, concatenated_code = collect_source_code(url)\n", + " csv_file_name = f\"{repo_name}.csv\"\n", + " csv_file_path = os.path.join(output_dir, csv_file_name)\n", + " with open(csv_file_path, 'w', newline='', encoding='utf-8') as csv_file:\n", + " writer = csv.writer(csv_file)\n", + " writer.writerow([concatenated_code])\n", + " print(f\"Successfully processed and saved {url} to {csv_file_name}\")\n", + " except Exception as e:\n", + " print(f\"Error processing {url}: {e}\")\n", "\n", - "# Save the list to a pickle file\n", - "with open('repo_urls.pickle', 'wb') as file:\n", - " pickle.dump(repo_urls, file)\n", - "print(repo_urls)\n" + "print(\"All repositories processed successfully.\")\n" ] }, { "cell_type": "code", "execution_count": null, - "id": "f9f62fd8-1e33-4250-8c9a-f14d5d9cdbb0", + "id": "164f097f-1bb8-43ec-9d45-ce799b9dc254", "metadata": {}, "outputs": [], - "source": [] + "source": [ + "import pandas as pd\n", + "\n", + "def read_csv_columns(filename):\n", + " df = pd.read_csv(filename, usecols=[0, 1]) # Read only the first two columns\n", + " col1 = df.iloc[:, 0].tolist()\n", + " col2 = df.iloc[:, 1].tolist()\n", + " return col1, col2\n", + "\n", + "# Usage Example\n", + "filename = \"example.csv\" # Replace with your actual file path\n", + "col1, col2 = read_csv_columns(filename)\n", + "print(\"Column 1:\", col1)\n", + "print(\"Column 2:\", col2)\n" + ] } ], "metadata": {