package
stringlengths
1
122
pacakge-description
stringlengths
0
1.3M
adastop
No description available on PyPI.
adastra
AstraAstra is an language/compiler designed to unleash the true power of artificial intelligence blending the best techniques from Jax, Triton, and Mojo to create the most premier experience.The evolution of JAX and Triton could lead to a next-generation language for AI development that combines the best features of both, while also introducing new capabilities to meet the evolving needs of the AI community. Let's call this hypothetical language "Astra", here would be some features that we would need to move things forward.Installpip install adastraUsagefromastraimportastraimporttorchfromtorchimportnndata=torch.randn(2,3)@astra# 100x+ boost in performance and speed.defforward(x):softmax=nn.Softmax(dim=1)result=softmax(x)returnresultresult=forward(data)print(result)Main Features🔄 Differentiable Programming: Support for automatic differentiation and vectorization.🎮 GPU Programming: Low-level access to GPU kernels for efficient code execution.🧩 High-level Abstractions: Pre-defined layers, loss functions, optimizers, and more for common AI tasks.🌳 Dynamic Computation Graphs: Support for models with variable-length inputs or control flow.🌐 Distributed Computing: Built-in support for scaling AI models across multiple GPUs or machines.Requirements for Astra:Differentiable Programming: Like JAX, Astra should support automatic differentiation and vectorization, which are crucial for gradient-based optimization and parallel computing in AI.GPU Programming: Astra should provide low-level access to GPU kernels like Triton, allowing developers to write highly efficient code that can fully utilize the power of modern GPUs.High-level Abstractions: Astra should offer high-level abstractions for common AI tasks, making it easier to build and train complex models. This includes pre-defined layers, loss functions, optimizers, and more.Dynamic Computation Graphs: Unlike static computation graphs used in TensorFlow, Astra should support dynamic computation graphs like PyTorch, allowing for more flexibility in model design, especially for models with variable-length inputs or control flow.Distributed Computing: Astra should have built-in support for distributed computing, enabling developers to scale their AI models across multiple GPUs or machines with minimal code changes.Interoperability: Astra should be able to interoperate with popular libraries in the Python ecosystem, such as NumPy, Pandas, and Matplotlib, as well as AI frameworks like TensorFlow and PyTorch.Debugging and Profiling Tools: Astra should come with robust tools for debugging and profiling, helping developers identify and fix performance bottlenecks or errors in their code.Strong Community and Documentation: Astra should have a strong community of developers and comprehensive documentation, including tutorials, examples, and API references, to help users get started and solve problems.How to Build Astra:Building Astra would be a significant undertaking that requires a team of experienced developers and researchers. Here are some steps we can begin with.Design the Language: The team should start by designing the language's syntax, features, and APIs, taking into account the requirements listed above.Implement the Core: The team should then implement the core of the language, including the compiler, runtime, and basic libraries. This would likely involve writing a lot of low-level code in languages like C++ or CUDA.Build High-Level Libraries: Once the core is in place, the team can start building high-level libraries for tasks like neural network training, reinforcement learning, and data preprocessing.Test and Optimize: The team should thoroughly test Astra to ensure it works correctly and efficiently. This might involve writing benchmarking scripts, optimizing the compiler or runtime, and fixing bugs.Write Documentation: The team should write comprehensive documentation to help users learn how to use Astra. This might include API references, tutorials, and example projects.Build a Community: Finally, the team should work to build a community around Astra. This might involve hosting workshops or tutorials, contributing to open-source projects, and providing support to users.ConclusionIf Astra is something you would want to use, an ultra beautiful and simple language to unleash limitless performance for AI models, please star and share with all of your friends and family because if this repository gains support we'll build it.Join Agora to talk more about Astra and unleashing the true capabilities of AI
adaswarm
AdaSwarmThis repo purportedly implementsAdaSwarm, an optimizer, that combines Gradient Descent and Particle Swarms.AdaSwarmis based on "AdaSwarm: Augmenting Gradient-Based optimizers in Deep Learning with Swarm Intelligence,Rohan Mohapatra, Snehanshu Saha, Carlos A. Coello Coello, Anwesh Bhattacharya Soma S. Dhavala, and Sriparna Saha", to appear in IEEE Transactions on Emerging Topics in Computational Intelligence. An arXiv version can be foundhere.Thisrepo contains implementation used the paper.WhyAdaSwarm:Said et al.[1]postulated that swarms behavior is similar to that of classical and quantum particles. In fact, their analogy is so striking that one may think that the social and individual intelligence components in Swarms are, after all, nice useful metaphors, and that there is a neat underlying dynamical system at play. This dynamical system perspective was indeed useful in unifying two almost parallel streams, namely, optimization and Markov Chain Monte Carlo sampling.In a seminal paper, Wellington and Teh[2], showed that a stochastic gradient descent (SGD) optimization technique can be turned into a sampling technique by just adding noise, governed by Langevin dynamics. Recently, Soma and Sato[3]provided further insights into this connection based on an underlying dynamical system governed by stochastic differential equations (SDEs).While these results are new, the connections between derivative-free optimization techniques based on Stochastic Approximation and Finite Differences are well documented[4]. Such strong connections between these seemingly different subfields of optimization and sampling made us wonder: Is there a larger, more general template, of which the aforementioned approaches are special cases, exist?AdaSwarmis a result of that deliberation.We believe that it is just a beginning of a new breed ofcomposable optimizersWhat isAdaSwarmin simple terms, in the context Deep Learning:Setupy: responsesf(.)is a model specified by a network with parameterswf(x)is the prediction at observed featurexL(.)is loss, to drive the optimizationApproximate gradients ofL(.)w.r.tf(.)run an independent Swarm optimizer overL(.)with particle dimension equal to the size of the network's output layerusing swarm particle parameters, approximate the gradient ofL(.)w.r.tf(.)Get gradients off(.)w.r.twusing standardAutoDiff, via chain rule, get the approximate gradient off(.)w.r.twApproximate gradients ofL(.)w.r.twvia Chain Ruletake the product of gradients in steps (2) and (3)Updates the network weights via standard Back PropagationWhy does it work? Minor changes are meaningful!At this time, we could embellish the fact that Swarm, by being a meta-heuristic algorithm, has less tendency to get trapped in local minimal or has better exploration capabilities. It is helping the problem overall. Secondly, entire information about the "learning" the task comes from the loss, and the functionf(.)only specifies the structural relationship between input and output. Moreover, the ability of EMPSO, the first step toward AdaSwarm facilitates exploration and exploitation equally by using a modified formulation leveraging exponentially averaged velocities and by not ignoring past velocities. It is these velocities (which are different at different stages in the search space) that make the difference at local minima successfully by being able to differentiate between stagnating regions/saddle points and true local minima. Particular objects of interest are the equivalence theorems, such as the following:"partial derivative of the loss wrt the weights" can be expressed in terms of Swarm parameters thus keeping tight control over the hyper-parameters and not tuning those at all for convergence. This addresses a common complaint about meta-heuristics.So, having better "optimization" capabilities at the loss, in general, are going to be helpful. While we have ample empirical evidence that shows thatAdaSwarmis working well, we also have some theory (not complete but enough to offer the convergence insights, particularly from the point of robust loss functions such as MAE and irregular losses used to solve PDEs/PDEs such as the Schrodinger Equation).Another speculation, speculation at this time, is that, to the best of our knowledge, all current optimization techniques only harvest information coming from a single paradigm.AdaSwarm, whereas, combines different perspectives, like in an ensemble. More than an ensemble, it is a composition -- where different perspectives get chained. That is one fundamental difference betweenAdaSwarmand other population-based techniques.In someways, just like an neural network architecture is composed of several layers,AdaSwarmis a composition of optmizers. That composition eventually fits into the chain rule.As a result, the changes are very small. Same is the case with Adam and RMSProp, right? Other notable examples, where we see pronounced differences in speed/convergence, with very simple changes in the maps are:Proximal gradient descentvsAccelerated Proximal gradient descentEulervsLeapFrog_ ...Therefore, in order to better understand, and develop the theory and tools for composable optimizers, we have to develop both theoretical and computational tools to understand why and whereAdaSwarmworks. Along the way, make such optimizers accessible to the community.Adaswarm Equivalence of Gradients: Why is it happening?The equivalences are driven by the following equations in the main text (cf. docs/papers folder):Eqns (4)-(6), (15), (18) and the eqn below for non-differentiable loss and (20)-(24)Objectives:Develop a plug-and-play optimizer that works withother optimizers in the PyTorch ecosystem, along side the likes ofAdam,RMSProp,SGDany architectureany datasetwith the same api as others, i.e.,optim.AdaSwarm()Battle test on variety oftest objectives functionsdatasetsarchitectures (Transformers, MLPs,..)losses (BCE, CCE, MSE, MAE, CheckLoss,...)paradigms (RIL, Active Learning, Supervised Learning etc..)etc..Provide insights into the workings ofAdaSwarmbyanalyzing the workings of the optimizersvisualizing the path trajectoriesetc..Most importantly, be community driventhere is lot of enthusiasm and interest in the recent graduates and undergraduates, that want to learn ML/AI technologies. Instead of fiddling with MNIST datasets, and predicting Cats and Dogs, do something foundational and meaningful. If you take offence to statement, you are not ready for this project.turn this into a truly community-driven effort to offer a useable, useful, foundational building block to the deep learning ecosystemHow to run this projectPre-requisitesPython 3.9+PoetryGet the source$ git clone https://github.com/AdaSwarm/AdaSwarm.gitRunning the example (single method - runs Adaswarm/PSO)$ cd AdaSwarm $ make runRunning tests$ make testUsing in your own projectIf you use poetry you can add AdaSwarm as a dependency$ poetry add adaswarmSee.example/main.pyfor usage.Contributing:While we are yet to establish the policy to contribute, we will follow how any Apache open source project works. For example, see airflow project'scontributionguidelines.[tbd]developer slack channel will be coming soonwe will hold weekly zoom/meet at specific times (off office hours, so anybody can join)But be mindful. There may not be any no short-term rewards.Research is bloody hard work. There will not be any instant gratification or recognition for the work. Expect lot of negative results, and set backs.Optimization problems are generally hard, and writing an Engineering level framework that works onanyproblem is even harder. It is scientific computing, not writing hello world examples.So take a plunge only if you are willing to endure the pain, w/o worrying about the end result.References[1]S. M. Mikki and A. A. Kishk, Particle Swarm Optimizaton: A Physics-Based Approach. Morgan & Claypool, 2008.[2]M. Welling and Y. W. Teh, “Bayesian learning via stochastic gradient langevin dynamics,”In Proceedings of the 28th International Conference on Machine Learning, p. 681–688, 2011.[3]S. Yokoi and I. Sato, “Bayesian interpretation of SGD as Ito process,” ArXiv, vol. abs/1911.09011, 201.[4]J. Spall, Introduction to stochastic search and optimization. Wiley-Interscience, 2003CitationAdaSwarmwill be appearing in thepaperyou can cite:@inproceedings{adaswarm,title="daSwarm: Augmenting Gradient-Based optimizers in Deep Learning with Swarm Intelligence",author="Rohan Mohapatra, Snehanshu Saha, Carlos A. Coello Coello, Anwesh Bhattacharya Soma S. Dhavala, and Sriparna Saha",booktitle="IEEE Transaction on Emerging Topics in Computational Intelligence",month=tbd,year="2021",address="Online",publisher="IEEE",url="https://arxiv.org/abs/2006.09875",pages=tbd}
adata
AData0、介绍专注A股,专注量化,向阳而生;开放、纯净、持续、为Ai(爱)发电。专注股票行情数据,为了保证数据的高可用性,采用多数据源融合切换。目标:支持个人量化行情的需要;众人拾柴火焰高,欢迎加入。市场寒冷,发热不易,坚持更难;如有帮助到你,右上角点 ⭐Star 一键三连,谢谢支持和收藏^_^一、快速开始(1)安装sdk# 首次安装pipinstalladata# 指定镜像源pipinstalladata-ihttp://mirrors.aliyun.com/pypi/simple/# 升级版本pipinstall-Uadata# 指定镜像源pipinstall-Uadata-ihttp://mirrors.aliyun.com/pypi/simple/注:国内镜像可能存在同步延迟,可使用官方镜像源,以下是镜像源阿里云【推荐】:http://mirrors.aliyun.com/pypi/simple/清华大学:https://pypi.tuna.tsinghua.edu.cn/simple官方镜像源:https://pypi.org/simple(2)使用示例1. 获取股票代码获取所有的股票代码importadatares_df=adata.stock.info.all_code()print(res_df)示例结果:stock_codeshort_nameexchange0001324N长青科SZ1301361众智科技SZ2300514友讯达SZ............5490300367网力退SZ5491300372欣泰退SZ5492300431暴风退SZ[5493rowsx3columns]2. 获取股票的行情获取到股票代码后,传入对应的stock_code参数,查询对应股票的行情信息。importadata# k_type: k线类型:1.日;2.周;3.月 默认:1 日kres_df=adata.stock.market.get_market(stock_code='000001',k_type=1,start_date='2021-01-01')print(res_df)示例结果:trade_timeopenclose...pre_closestock_codetrade_date02021-01-0400:00:0018.6918.19...18.930000012021-01-0412021-01-0500:00:0017.9917.76...18.190000012021-01-0522021-01-0600:00:0017.6719.15...17.760000012021-01-06.......................5732023-05-1800:00:0012.5712.49...12.490000012023-05-185742023-05-1900:00:0012.4312.34...12.490000012023-05-195752023-05-2200:00:0012.3112.38...12.340000012023-05-22[576rows:x13columns]3. 其它数据使用请参考下面数据列表和相关字典文档,找到对应的函数并查看对应的函数注释,进行正确使用。数据字典4. 代理设置项目是基于公开接口,可能存在限制等,因此增加代理设置功能import adata # 设置代理,代理是全局设置,代理失效后可重新设置。参数:ip,proxy_url adata.proxy(is_proxy=True, ip='60.167.21.27:1133') res_df = adata.stock.info.all_code() print(res_df)注:v0.0.027b0 及以上版本支持;proxy_url: 获取代理Ip的链接;ip和proxy_url方式选择其一;每次请求获取一次,为节省ip资源建议使用自建的代理池。二、数据列表整理了最新版本的数据列表和相关使用Api,详细内容和相关使用参数,请参考数据字典文档。数据列表数据字典(1)股票-Stock1. 基本信息数据API说明备注A股代码stock.info.all_code()所有A股代码信息概念来源:同花顺概念代码stock.info.all_concept_code_ths()所有A股概念代码信息(同花顺)来源:同花顺公开数据概念成分列表stock.info.concept_constituent_ths()获取同花顺概念指数的成分股(同花顺)注意:返回结果只有股票代码和股票简称,可根据概念名称查询股票所属概念stock.info.get_concept_ths()获取单只股票所属的概念板块F10来源:东方财富概念代码stock.info.all_concept_code_east()所有A股概念代码信息(东方财富)来源:东方财富概念成分列表stock.info.concept_constituent_east()获取同花顺概念指数的成分股(东方财富)注意:返回结果只有股票代码和股票简称,可根据概念名称查询股票所属概念stock.info.get_concept_east()获取单只股票所属的概念板块核心题材指数指数代码stock.info.all_index_code()获取所有A股市场的指数代码来源同花顺,可能存在同花顺对代码重新编码的情况指数对应的成分股stock.info.index_constituent()获取对应指数的成分股列表其它股票交易日历stock.info.trade_calendar()获取股票交易日信息来源:深交所2. 行情信息数据API说明备注分红信息stock.market.get_dividend()获取单只股票的分红信息股票行情stock.market.get_market()获取单只股票的行情信息-日、周、月 k线stock.market.get_market_min()获取单个股票的今日分时行情只能获取当天实时行情stock.market.list_market_current()获取多个股票最新行情信息实时行情数据源:2个,新浪和腾讯stock.market.get_market_five()获取单个股票的5档行情信息实时行情数据源:2个,腾讯和百度stock.market.get_market_bar()获取单个股票的分笔成交行情实时行情股市通概念行情-同花顺stock.market.get_market_concept_ths()获取单个概念的行情信息-日、周、月 k线获取同花顺概念行情时,请注意传入参数是指数代码还是概念代码,指数代码8开头,index_codestock.market.get_market_concept_min_ths()获取同花顺概念行情-当日分时只能获取当天stock.market.get_market_concept_current_ths()获取同花顺当前的概念行情实时行情概念行情-东方财富stock.market.get_market_concept_east()获取单个概念的行情信息-日、周、月 k线获取东方财富概念行情时,指数代码BK开头,index_codestock.market.get_market_concept_min_east()获取同花顺概念行情-当日分时只能获取当天stock.market.get_market_concept_current_east()获取同花顺当前的概念行情实时行情指数行情stock.market.get_market_index()获取指数的行情信息-日、周、月 k线stock.market.get_market_index_min()获取指数的行情-当日分时stock.market.get_market_index_current()获取当前的指数行情实时行情注:概念和指数从本质来看是一样的,所以相关的接口和返回结果是一致的,概念是各个厂商自定义的指数,指数是官方或者权威机构定义的,都是一揽子股票的组合。(2)基金-ETF数据API说明备注ETF(场内)fund.info.all_etf_exchange_traded_info()获取所有A股市场的ETF信息来源:1.东方财富其它数据排期中TODO若您有相关资源可以一起参与贡献(3)债券-Bond数据API说明备注可转债代码bond.info.all_convert_code()获取所有A股市场的可转换债券代码信息来源:1.同花顺其它数据排期中TODO若您有相关资源可以一起参与贡献(4)舆情数据API说明备注最近一个月的股票解禁列表sentiment.stock_lifting_last_month()查询最近一个月的股票解禁列表来源:1.同花顺全市场融资融券余额列表sentiment.securities_margin()查询全市场融资融券余额列表来源:1.东方财富北向资金-行情sentiment.north.north_flow_current()获取北向资金(沪深港通)当前流入资金的行情来源:1.东方财富sentiment.north.north_flow_min()获取北向资金分时行情sentiment.north.north_flow()获取北向资金历史流入行情其它数据排期中TODO若您有相关资源可以一起参与贡献三、数据源数据源板块描述同花顺数据中心,行情中心,问财让投资变的更简单百度股市通股市通科技让投资更简单东方财富数据中心,行情中心财经门户腾讯理财行情中心新浪财经新浪财经门户网站--------------------------------------------感谢各位大厂提供的数据----------------------------------------------四、 其它参考主要记录查阅过的项目和相关平台,并对此项目产生了深远印象,特此鸣谢。akshare聚宽量化baostockMyData五、发布计划版本号内容发布日期备注✅0.x.x股票2023-04-05 ~预览版本✅ ️1.x.x股票2023-10-01中国Ai股☑️2.x.x基金、债券2024-01-01场内可交易基金:ETF、可转债☑️3.x.xxxx排期中六、理念关于AData,我们只关注交易产生的数据。在A股只有交易数据是真实的,对于量化和AI训练,也只需要关心交易相关的行情数据,做到真正的专注。当然,你可能会说财务数据等也非常有用,但财务数据相对滞后,而且可能ZJ,甚至有XL可能,最终对于普通交易者可能就成了接盘侠。财务数据在我们这里,只做股票池筛选作用,不做实时交易指标推荐。根据多年的数据治理经验,函数和字典在设计上面,符合标准的数据存储,可根据数据字典建表落地到数据库。距离15年已过8年,时光匆匆,抓住底部机会。注:永久免费开源A股数据库,只有交易相关的数据,专注量化交易。送给A股的各位朋友一首歌:谢天笑-向阳花,愿你我向阳而生。参与贡献Fork 本仓库新建 Feat_xxx 分支提交代码(注意代码风格和本项目一致即可)新建 Pull Request特别鸣谢对于项目有支持,包括但不仅限:内容贡献,bug提交,思想交流等等,对项目有影响的个人和机构SimonbigbigbigfishLuneZ99匿名用户thueTriones009LeslieWuboyStar History
a-data-processing
# Data Processing## Current Version Main FeaturesData Processing is used for data processing through MinIO, databases, Web APIs, etc. The data types handled include: - txt - json - doc - html - excel - csv - pdf - markdown - ppt### Current Text Type ProcessingThe data processing process includes: cleaning abnormal data, filtering, de-duplication, and anonymization.## Design![Design](../../docs/images/data-process.drawio.png)## Local Development ### Software RequirementsBefore setting up the local data-process environment, please make sure the following software is installed:Python 3.10.x### Environment SetupInstall the Python dependencies in the requirements.txt file### RunningRun the server.py file in the src directory# isort isort is a tool for sorting imports alphabetically within your Python code. It helps maintain a consistent and clean import order.## install`shell pip install isort `## isort a file`shell isort src/server.py `## isort a directory`shell isort . `
adata-query
🔎 AnnDataQueryFetch data matrices from AnnData and format asnp.ndarrayortorch.Tensor, on any device.Installationpipinstalladata-queryGet startedExample:notebookFor more information, see:documentation
adataset
Convert datasetadatasetis used to convert datasets (nuScenes, KITTI, ApolloScape) to Apollo record file. This way we can guaranteethe consistency of training data and test data, including sensor intrinsics and extrinsics parameter files, thus speeding up model validation.Installpip3 install adatasetUsageWe first introduce the use of the command, and then introduce how to use the dataset withadataset.Command optionsThe options foradatasetcommand are as follows:--dataset(-d) Choose the dataset, support listn, k, a, w, means "n:nuScenes, k:KITTI, a:ApolloScape, w:Waymo"--input(-i) Set the dataset input directory.--output(-o) Set the output directory, default is the current directory.--type(-t) Choose conversion type, support listrcd, cal, pcd, means "rcd:record, cal:calibration, pcd:pointcloud", default isrcd.Convert record filesYou can use below command to convert dataset to Apollo record file. For example convert nuScenes dataset indataset_pathto Apollo record. Theoutputdefault is the current directory, and thetypedefault isrcd.adataset-d=n-i=dataset_pathThe name of the nuScenes record file isscene_token.record, and KITTI isresult.record, and ApolloScape isframe_id.recordConvert calibration filesYou can use below command to convert dataset to apollo calibration files. There maybe multi sense in one dataset, and we create calibration files for each scene.adataset-d=n-i=dataset_path-t=calCamera intrinsicsCamera intrinsics matrix. reflinkD: The distortion parameters, size depending on the distortion model. For "plumb_bob", the 5 parameters are: (k1, k2, t1, t2, k3).K: Intrinsic camera matrix for the raw (distorted) images.R: Rectification matrix (stereo cameras only)P: Projection/camera matrixConvert PCD fileYou can use below command to convert dataset lidar pcd to normal pcl file, which can display in visualization tools such aspcl_viewer.adataset-d=n-i=dataset_lidar_pcd_file-t=pcdIf you do not specify a name, the default name of the pcd file isresult.pcd, saved in the current directory.Dataset introductionThere are differences between the data sets, so introduce them separately.nuScenesnuScenes Minicompared with the full amount of data, the Mini data set is relatively small. The nuScenes Mini data set is as follows.nuScenes-Mini -maps -samples -sweeps -v1.0-miniThen we can use the following command to generate the "record/calibration/pcd" file.// record adataset -d=n -i=path/to/nuScenes-Mini // calibration adataset -d=n -i=path/to/nuScenes-Mini -t=cal // pcd adataset -d=n -i=path/to/nuScenes-Mini/samples/LIDAR_TOP/n015-2018-11-21-19-38-26+0800__LIDAR_TOP__1542801007446751.pcd.bin -t=pcdKITTIWe useKITTI raw datato generate Apollo record file. Be sure to download[synced+rectified data]but not[unsynced+unrectified data]. Note that the calibration data are in[calibration].datasetThe KITTI raw data is as follows.2011_09_26_drive_0015_sync -image_00 -image_01 -image_02 -image_03 -oxts -velodyne_pointsThen we can use the following command to generate the "record/pcd" file.// record adataset -d=k -i=path/to/2011_09_26_drive_0015_sync // pcd adataset -d=k -i=path/to/2011_09_26/2011_09_26_drive_0015_sync/velodyne_points/data/0000000113.bin -t=pcdcalibrationThe KITTI calibration data is as follows:2011_09_26 -calib_cam_to_cam.txt -calib_imu_to_velo.txt -calib_velo_to_cam.txtThen we can use the following command to generate the Apollo "calibration" files.adataset -d=k -i=path/to/2011_09_26 -t=calApolloScapeWe useApolloScapeDetection/Tracking dataset to generate record file.The ApolloScape Detection/Tracking data is as follow.Training data -detection_train_pcd_1.zip -detection_train_bin_1.zip -detection_train_label.zip -... -tracking_train_pose.zip Testing data -detection_test_pcd_1.zip -detection_test_bin_1.zip -... -tracking_test_pose.zipBefore generating record file, we should organize data folders as follow(use test data for example).├── tracking_test ├── pcd ├── result_9048_2_frame ├── 2.bin ├── 7.bin └── ... └── ... ├── pose ├── result_9048_2_frame ├── 2_pose.txt ├── 7_pose.txt └── ... └── ...Then we can use the following command to generate the "record/calibration/pcd" file.// record python main.py -d=a -i=tracking_test/ -o=records/ -t=rcd // calibration python main.py -d=a -i=tracking_test/ -o=records/ -t=cal // pcd python main.py -d=a -i=data_path/data.bin -o=data_path/result.pcd -t=pcd
adatasets
Utils git hash : https://github.com/arita37/adatasets/tree/17d2cb7f831c41fde032024205963d2b2f6f0686
adatest
No description available on PyPI.
adatoolbox
No description available on PyPI.
ada-url
This isada_url, a Python library for working with URLs based on theAdaURL parser.DocumentationDevelopmentAdaInstallationInstall fromPyPI:pipinstallada_urlUsage examplesParsing URLsTheURLclass is intended to match the one described in theWHATWG URL spec:.>>>fromada_urlimportURL>>>urlobj=URL('https://example.org/path/../file.txt')>>>urlobj.href'https://example.org/path/file.txt'Theparse_urlfunction returns a dictionary of all URL elements:>>>fromada_urlimportparse_url>>>parse_url('https://user:[email protected]:80/api?q=1#2'){'href':'https://user:[email protected]:80/api?q=1#2','username':'user','password':'pass','protocol':'https:','port':'80','hostname':'example.org','host':'example.org:80','pathname':'/api','search':'?q=1','hash':'#2','origin':'https://example.org:80','host_type':<HostType.DEFAULT:0>,'scheme_type':<SchemeType.HTTPS:2>}Altering URLsReplacing URL components with theURLclass:>>>fromada_urlimportURL>>>urlobj=URL('https://example.org/path/../file.txt')>>>urlobj.host='example.com'>>>urlobj.href'https://example.com/file.txt'Replacing URL components with thereplace_urlfunction:>>> from ada_url import replace_url >>> replace_url('https://example.org/path/../file.txt', host='example.com') 'https://example.com/file.txt'Search parametersTheURLSearchParamsclass is intended to match the one described in theWHATWG URL spec.>>>fromada_urlimportURLSearchParams>>>obj=URLSearchParams('key1=value1&key2=value2')>>>list(obj.items())[('key1','value1'),('key2','value2')]Theparse_search_paramsfunction returns a dictionary of search keys mapped to value lists:>>>fromada_urlimportparse_search_params>>>parse_search_params('key1=value1&key2=value2'){'key1':['value1'],'key2':['value2']}Internationalized domain namesTheidnaclass can encode and decode IDNs:>>>fromada_urlimportidna>>>idna.encode('Bücher.example')b'xn--bcher-kva.example'>>>idna.decode(b'xn--bcher-kva.example')'bücher.example'WHATWG URL complianceThis library is compliant with the WHATWG URL spec. This means, among other things, that it properly encodes IDNs and resolves paths:>>>fromada_urlimportURL>>>parsed_url=URL('https://www.GOoglé.com/./path/../path2/')>>>parsed_url.hostname'www.xn--googl-fsa.com'>>>parsed_url.pathname'/path2/'Contrast that with the Python standard library’surlib.parsemodule:>>>fromurllib.parseimporturlparse>>>parsed_url=urlparse('https://www.GOoglé.com/./path/../path2/')>>>parsed_url.hostname'www.googlé.com'>>>parsed_url.path'/./path/../path2/'
ada-utils
This package is created for use of the …..
adaux
No description available on PyPI.
adawat
Adawat: Arabic Language Toolkitمكتبة أدوات اللغة العربيةAdawat: Arabic Language Toolkitadawat logoPyPI - DownloadsDeveloppers: Taha Zerrouki:http://tahadz.comtaha dot zerrouki at gmail dot comFeaturesvalueAuthorsAuthors.mdRelease0.1LicenseGPLTrackerlinuxscout/adawat/IssuesSourceGithubFeedbacksCommentsAccounts[@Twitter](https://twitter.com/linuxscout))DescriptionAdawat: Arabic Language Toolkitمزايا:تجمع هذه المكتبة كل الأدوات المستعملة في معالجة النص العربي مثل:التشكيلتشكيل النص العربي، يستحسن استعمال مكتبة مشكال، أو برنامج مشكالتشكيل مع اقتراحات تشكيلات أخرى لكل كلمةاختزال الحركات من النص المشكولإزالة التشكيلمقارنة جملة مشكولة يدويا مع ما ينتج عن برنامج التشكيلوظائف التحويلنقحرة النص العربي بحروف لاتينيةتعريب نص مكتوب بحروف لاتينيةقلب نصتفقيط: تحويل عدد إلى نصتنميط النص: توحيد الهمزات والألفاتفك تشابك الحروف العربيةالتحليل والتوليدتحليل صرفي للنصتفريق النص إلى كلمات وعلاماتتصنيف الكلمات إلى اسم وفعل وحرفتوليد كل الأشكال المختلفة للكلمةاستخلاصاستخلاص المتلازمات اللفظيةكشف اللغات المختلفةاستخلاص المسمياتاستخلاص العبارات العدديةمتفرقاتضبط قصيدة شعرية عموديةتوليد نص عشوائيFeaturesTashkeeltashkeel : vocalize text, we recomand to use mishkal-console instead.tashkeel with suggestions for every word.reduce : strip unnecessary tashkeel from avocalized textstrip : remove all harakat and shaddacompare : Compare Tashkeel between input text and the automatic vocalized textTransformation and Converionromanize : convert an arabic script text to latin representationarabize : convert an transliterated arabic script text to arabicinverse : inverse textnumbers to words : convert numeric value to wordsnormalize : normalize letters in arabic textunshape : unshape arabic lettersAnalysis and generationstem : morphology analysis of given textstokenize : tokenize a text to wordswordtag : classify words into (nouns, verbs, stopwords)affixate : generate all word forms by affixationExtractioncollocation : extract collocations from textlanguage : detect arabic and latin clauses in textnamed : extract named enteties from textnumbered : extarct numbred clauses from textDiversaffixate : generate all word forms by affixationpoetry : format poetry texts to columns poetryrandom : get a random textCitation@thesis{zerrouki2020adawat,author={Taha Zerrouki},title={Towards An Open Platform For Arabic Language Processing},type={PhD thesis},institution={Ecole Nationale Supérieure d'informatique, Alger, Algérie},date={2020},}Usageinstallpipinstalladawatimport>>>importadawat.adaatExamplesDetailed examples and features inFeaturesTashkeeltashkeel : vocalize text, we recomand to use mishkal-console instead.tashkeel with suggestions for every word.reduce : strip unnecessary tashkeel from avocalized textstrip : remove all harakat and shaddacompare : Compare Tashkeel between input text and the automatic vocalized text>>>lastmark=True>>>text=u"تطلع الشمس صباحا">>>adawat.adaat.tashkeel_text(text,lastmark)' تَطْلُعُ الشَّمْسُ صَبَاحًا'[requirement]asmai>=0.1 mishkal>=0.3 naftawayh>=0.4 pyarabic>=0.6.8 qalsadi>=0.3.6 repr>=0.3.1 spellcheck>=1.0.2 sylajone>=0.2 tashaphyne>=0.3.4.1
adax
A python3 library to communicate with Adax
adaXT
adaXT - Fast adaptable and extendable trees for researchadaXTis a Python module for tree-based regression and classification that is fast, adaptable and extendable and aims to provide researchers a more flexible workflow when building tree-based models.InstallationadaXT is available atpypiand can be installed by runningpip install adaXT.
adb
This repository contains a pure-python implementation of the Android ADB and Fastboot protocols, using libusb1 for USB communications.This is a complete replacement and rearchitecture of the Android project’s ADB and fastboot code available athttps://github.com/android/platform_system_core/tree/master/adbThis code is mainly targeted to users that need to communicate with Android devices in an automated fashion, such as in automated testing. It does not have a daemon between the client and the device, and therefore does not support multiple simultaneous commands to the same device. It does support any number of devices and never communicates with a device that it wasn’t intended to, unlike the Android project’s ADB.
adb3
This repository contains a pure-python implementation of the Android ADB and Fastboot protocols, using libusb1 for USB communications.This is a complete replacement and rearchitecture of the Android project’s ADB and fastboot code available athttps://github.com/android/platform_system_core/tree/master/adbThis code is mainly targeted to users that need to communicate with Android devices in an automated fashion, such as in automated testing. It does not have a daemon between the client and the device, and therefore does not support multiple simultaneous commands to the same device. It does support any number of devices and never communicates with a device that it wasn’t intended to, unlike the Android project’s ADB.
adbactivityautolite
Uses -dumpsys activity top- instead of -uiautomator- to automate AndroidTested against Windows / Python 3.11 / Anacondapip install adbactivityautolitefromadbactivityautoliteimportUiActivityDumpLiteadbpath=r"C:\Android\android-sdk\platform-tools\adb.exe"serial_number="127.0.0.1:5555"ad=UiActivityDumpLite(adb=None,adb_path=adbpath,serial_number=serial_number,)# Alternative:# adbpath = r"C:\Android\android-sdk\platform-tools\adb.exe"# serial_number = "127.0.0.1:5555"# # s2 = AdbCommands(adbpath, serial_number) ## ad=UiActivityDumpLite(adb=s2)df=ad.get_df(timeout=60,with_fu=True,t_long_touch=1,)print(df[20:30].to_string())df.loc[df.aa_id_information=="app:id/app_name_three"].ff_mouse_longtap.iloc[0](3)# 3 seconds clickdf.loc[df.aa_id_information=="app:id/app_name_three"].ff_mouse_tap.iloc[0]()# aa_activity_id aa_activity_index aa_area aa_bounds aa_center_x aa_center_x_cropped aa_center_y aa_center_y_cropped aa_class_name aa_clickable aa_complete_dump aa_context_clickable aa_cropped_x_end aa_cropped_x_start aa_cropped_y_end aa_cropped_y_start aa_depth aa_drawn aa_enabled aa_focusable aa_get_parents aa_hashcode_hex aa_hashcode_int aa_height aa_height_cropped aa_id_information aa_is_child aa_long_clickable aa_mID_hex aa_mID_int aa_old_index aa_pflag_activated aa_pflag_dirty_mask aa_pflag_focused aa_pflag_hovered aa_pflag_invalidated aa_pflag_is_root_namespace aa_pflag_prepressed aa_pflag_selected aa_pure_id aa_scrollbars_horizontal aa_scrollbars_vertical aa_visibility aa_width aa_width_cropped aa_x_end aa_x_end_relative aa_x_start aa_x_start_relative aa_y_end aa_y_end_relative aa_y_start aa_y_start_relative ff_dpad_longtap ff_dpad_tap ff_gamepad_longtap ff_gamepad_tap ff_joystick_longtap ff_joystick_tap ff_keyboard_longtap ff_keyboard_tap ff_mouse_longtap ff_mouse_tap ff_stylus_longtap ff_stylus_tap ff_tap ff_touchnavigation_longtap ff_touchnavigation_tap ff_touchpad_longtap ff_touchpad_tap ff_touchscreen_longtap ff_touchscreen_tap ff_trackball_longtap ff_trackball_tap parent_000 parent_001 parent_002 parent_003 parent_004 parent_005 parent_006 parent_007 parent_008 parent_009 parent_010 parent_011 parent_012 parent_013 parent_014 parent_015 parent_016 parent_017 parent_018# 11 11 1 7632 (642, 828, 801, 876) 721 721 852 852 android.widget.TextView False android.widget.TextView{2886955 V.ED..... ........ 0,142-159,190 #7f080062 app:id/app_name_three} False 801 642 876 828 11 True True False loc: 11 2886955 42494293 48 48 app:id/app_name_three True False 7f080062 2131230818 42 False False False False False False False False id/app_name_three False False V 159 159 801 159 642 0 876 190 828 142 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 39 30 28 26 24 6 5 4 3 2 0 1 <NA> <NA> <NA> <NA> <NA> <NA> <NA># 12 12 1 10000 (830, 720, 930, 820) 880 880 770 770 android.widget.FrameLayout False android.widget.FrameLayout{ef66c5b V.E...... ......ID 29,34-129,134 #7f080057 app:id/app_image_four} False 930 830 820 720 11 False True False loc: 12 ef66c5b 251030619 100 100 app:id/app_image_four True False 7f080057 2131230807 44 False True False False True False False False id/app_image_four False False V 100 100 930 129 830 29 820 134 720 34 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 43 30 28 26 24 6 5 4 3 2 0 1 <NA> <NA> <NA> <NA> <NA> <NA> <NA># 13 13 1 7632 (801, 828, 960, 876) 880 880 852 852 android.widget.TextView False android.widget.TextView{bb345d1 V.ED..... ........ 0,142-159,190 #7f08005f app:id/app_name_four} False 960 801 876 828 11 True True False loc: 13 bb345d1 196298193 48 48 app:id/app_name_four True False 7f08005f 2131230815 46 False False False False False False False False id/app_name_four False False V 159 159 960 159 801 0 876 190 828 142 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 43 30 28 26 24 6 5 4 3 2 0 1 <NA> <NA> <NA> <NA> <NA> <NA> <NA># 14 14 1 10000 (989, 720, 1089, 820) 1039 1039 770 770 android.widget.FrameLayout False android.widget.FrameLayout{8a57337 V.E...... ......ID 29,34-129,134 #7f080056 app:id/app_image_five} False 1089 989 820 720 11 False True False loc: 14 8a57337 145060663 100 100 app:id/app_image_five True False 7f080056 2131230806 48 False True False False True False False False id/app_image_five False False V 100 100 1089 129 989 29 820 134 720 34 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 47 30 28 26 24 6 5 4 3 2 0 1 <NA> <NA> <NA> <NA> <NA> <NA> <NA># 15 15 1 7584 (960, 828, 1118, 876) 1039 1039 852 852 android.widget.TextView False android.widget.TextView{dd56e0d V.ED..... ........ 0,142-158,190 #7f08005e app:id/app_name_five} False 1118 960 876 828 11 True True False loc: 15 dd56e0d 232091149 48 48 app:id/app_name_five True False 7f08005e 2131230814 50 False False False False False False False False id/app_name_five False False V 158 158 1118 158 960 0 876 190 828 142 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 47 30 28 26 24 6 5 4 3 2 0 1 <NA> <NA> <NA> <NA> <NA> <NA> <NA># 16 16 1 10000 (1147, 720, 1247, 820) 1197 1197 770 770 android.widget.FrameLayout False android.widget.FrameLayout{2d40bd3 V.E...... ......ID 29,34-129,134 #7f080059 app:id/app_image_six} False 1247 1147 820 720 11 False True False loc: 16 2d40bd3 47451091 100 100 app:id/app_image_six True False 7f080059 2131230809 52 False True False False True False False False id/app_image_six False False V 100 100 1247 129 1147 29 820 134 720 34 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 51 30 28 26 24 6 5 4 3 2 0 1 <NA> <NA> <NA> <NA> <NA> <NA> <NA># 17 17 1 7584 (1118, 828, 1276, 876) 1197 1197 852 852 android.widget.TextView False android.widget.TextView{d77de09 V.ED..... ........ 0,142-158,190 #7f080061 app:id/app_name_six} False 1276 1118 876 828 11 True True False loc: 17 d77de09 225959433 48 48 app:id/app_name_six True False 7f080061 2131230817 54 False False False False False False False False id/app_name_six False False V 158 158 1276 158 1118 0 876 190 828 142 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 51 30 28 26 24 6 5 4 3 2 0 1 <NA> <NA> <NA> <NA> <NA> <NA> <NA># 18 18 1 30210 (324, 686, 483, 876) 403 403 781 781 android.widget.LinearLayout True android.widget.LinearLayout{d7ec186 VFE...C.. .......D 66,0-225,190 #7f080050 app:id/appOneLinearLayout} False 483 324 876 686 10 False True True loc: 18 d7ec186 226410886 190 190 app:id/appOneLinearLayout True False 7f080050 2131230800 31 False True False False False False False False id/appOneLinearLayout False False V 159 159 483 225 324 66 876 190 686 0 x: 403 y: 781 t:1 x: 403 y: 781 x: 403 y: 781 t:1 x: 403 y: 781 x: 403 y: 781 t:1 x: 403 y: 781 x: 403 y: 781 t:1 x: 403 y: 781 x: 403 y: 781 t:1 x: 403 y: 781 x: 403 y: 781 t:1 x: 403 y: 781 x: 403 y: 781 x: 403 y: 781 t:1 x: 403 y: 781 x: 403 y: 781 t:1 x: 403 y: 781 x: 403 y: 781 t:1 x: 403 y: 781 x: 403 y: 781 t:1 x: 403 y: 781 30 28 26 24 6 5 4 3 2 0 1 1 <NA> <NA> <NA> <NA> <NA> <NA> <NA># 19 19 1 30210 (483, 686, 642, 876) 562 562 781 781 android.widget.LinearLayout True android.widget.LinearLayout{af57012 VFE...C.. .......D 225,0-384,190 #7f080053 app:id/appTwoLinearLayout} False 642 483 876 686 10 False True True loc: 19 af57012 183857170 190 190 app:id/appTwoLinearLayout True False 7f080053 2131230803 35 False True False False False False False False id/appTwoLinearLayout False False V 159 159 642 384 483 225 876 190 686 0 x: 562 y: 781 t:1 x: 562 y: 781 x: 562 y: 781 t:1 x: 562 y: 781 x: 562 y: 781 t:1 x: 562 y: 781 x: 562 y: 781 t:1 x: 562 y: 781 x: 562 y: 781 t:1 x: 562 y: 781 x: 562 y: 781 t:1 x: 562 y: 781 x: 562 y: 781 x: 562 y: 781 t:1 x: 562 y: 781 x: 562 y: 781 t:1 x: 562 y: 781 x: 562 y: 781 t:1 x: 562 y: 781 x: 562 y: 781 t:1 x: 562 y: 781 30 28 26 24 6 5 4 3 2 0 1 1 <NA> <NA> <NA> <NA> <NA> <NA> <NA># 20 20 1 30210 (642, 686, 801, 876) 721 721 781 781 android.widget.LinearLayout True android.widget.LinearLayout{fb67b5e VFE...C.. .......D 384,0-543,190 #7f080052 app:id/appThreeLinearLayout} False 801 642 876 686 10 False True True loc: 20 fb67b5e 263617374 190 190 app:id/appThreeLinearLayout True False 7f080052 2131230802 39 False True False False False False False False id/appThreeLinearLayout False False V 159 159 801 543 642 384 876 190 686 0 x: 721 y: 781 t:1 x: 721 y: 781 x: 721 y: 781 t:1 x: 721 y: 781 x: 721 y: 781 t:1 x: 721 y: 781 x: 721 y: 781 t:1 x: 721 y: 781 x: 721 y: 781 t:1 x: 721 y: 781 x: 721 y: 781 t:1 x: 721 y: 781 x: 721 y: 781 x: 721 y: 781 t:1 x: 721 y: 781 x: 721 y: 781 t:1 x: 721 y: 781 x: 721 y: 781 t:1 x: 721 y: 781 x: 721 y: 781 t:1 x: 721 y: 781 30 28 26 24 6 5 4 3 2 0 1 1 <NA> <NA> <NA> <NA> <NA> <NA> <NA>
adb_android
This python package is a wrapper for standard android adb implementation. It allows you to execute android adb commands in your python script.
adbasicapi
adbasicapiBasic python bindings to Alwaysdata APIFree software: MIT licenseFeaturesTODOHistory0.1.0 (2022-06-02)First release on PyPI.
adbb
adbbObject Oriented UDP Client for AniDB, originally forked from adba.I created this mainly to be able to add new files to my "mylist" on anidb when I add them to my local collection. As I tend to rip my own files and have no intention of spreading them to a wide audience, I needed to add these as "generic" files to anidb. And manual work is always less fun then automating said work...As the anidb UDP API enforces a very slow rate of requests, this implementation caches all information requested from anidb and uses the cache whenever possible. The cache is stored in mysql (or any other sqlalchemy-compatible database). For how long does it cache? It depends! Shortest caching period is one day, after that some not very inteligent algorithm will add some probability score which is used to decide if the cache should be updated or not. It's untuned and will probably be difficult to get right for all use cases... I'm listening to any ideas about how to make this better.Also, you can always force an update of the cache by using the objects update() method.The Anime title search is implemented using the animetitles.xml file hosted at anidb. It is automatically downloaded and stored localy (for now hardcoded to /var/tmp/adbb/animetitles.xml.gz). This animetitles file is also cached for 7 days (using mtime to calculate age) and then is automatically updated. You can of course "update" it manually by removing the cached file.Since version 1 adbb also supports tvdb/tmdb/imdb-mapping viaAnime-Lists.Requirementsrecent pythonpycryptodome (required hash methods has been removed from the standard python library)sqlalchemysqlalchemy-compatible database:mysqlsqlitepostgresql (the one most recently used and tested)Usageimportadbbuser="<anidb-username>"pwd="<anidb-password>"sql="sqlite:///adbb.db"# initialize backendadbb.init(user,pwd,sql,debug=True)# anime object can be created either with a name or anime IDanime=adbb.Anime("Kemono no Souja Erin")#anime = adbb.Anime(6187)# this will print "Kemono no Souja Erin has 50 episodes and is a TV Series"print("{}has{}episodes and is a{}".format(anime.title,anime.nr_of_episodes,anime.type))# Episode object can be created either using anime+episode number or the anidb eid# anime can be either aid, title or Anime objectepisode=adbb.Episode(anime=anime,epno=5)#episode = adbb.Episode(eid=96461)# this will print "'Kemono no Souja Erin' episode 5 has title 'Erin and the Egg Thieves'"print("'{}' episode{}has title '{}'".format(episode.anime.title,episode.episode_number,episode.title_eng))# file can either be created with a local file, an anidb file id (fid) or# using Anime and Episodefile=File(path="/media/Anime/Series/Kemono no Souja Erin/[winterbird] Kemono no Souja Erin - 05 [8EEAA040].mkv")#file = File(fid=<some-fid>)#file = File(anime=anime, episode=episode)# note that most of the time this will work even if we use a file that is not in the anidb database# will print "'<path>' contains episode 5 of 'Kemono no Souja Erin'. Mylist state is 'on hdd'"print("'{}' contains episode{}of '{}'. Mylist state is '{}'".format(file.path,file.episode.episode_number,file.anime.title,file.mylist_state))# adbb supports fetching posters. download_image() supports Anime and Group objects# (afaik, there are no other images to get from anidb)# For other images, check the fanart section below.withopen('poster.jpg','wb')asf:adbb.download_image(f,anime)# To log out from UDP api, make sure to run adbb.close() before exitadbb.close()ReferenceAnime objectAnime(init)'init' can be either a title or aid. Titles are searched in the animetitles.xml file using fuzzy text matching (implemented using difflib). Only a single Anime is created, using the best title match. Note that some titles are ambigious. A search for 'Ranma', for example, can return either the series 'Ranma 1/2' (which has "Ranma" as a synonym) or 'Ranma 1/2 Nettou Hen' which has "Ranma" as an official title).Attributesaid- AniDB anime IDtitles- A list of all titles for this Animetitle- main title of this Animeupdated- datetime when information about this Anime was last fetched from AniDBtvdbid- TVDB ID for this anime or None if not available.tmdbid- TMDB ID for this anime or None if not available. Can be a list if this Anime maps to multiple movies, use the tmdbid attribute on the Episode object to get the tmdbid for a specific episode.imdbid- IMDB ID for this anime or None if not available. Can be a list if thie Anime maps to multiple movies, use the imdbid attribute on the Episode object to get the imdbid for a specific episode.relations- A list of tuples containing relations to this anime. The first entry in the tuple is a string describing the relation type and the second is an Anime-object for the related anime.fanart- ifenabledit will return a list of dicts directly translated from the json returned from thefanart.tv API. Returns an empty list if not enabled.The following attributes as returned from the AniDB APIyeartypenr_of_episodeshighest_episode_numberspecial_ep_countair_dateend_dateurlpicnameratingvote_counttemp_ratingtemp_vote_countaverage_review_ratingreview_countis_18_restrictedann_idallcinema_idanimenfo_idanidb_updatedspecial_countcredit_countother_counttrailer_countparody_countEpisodeEpisode(anime=None,epno=None,eid=None)Episode object can be created by specifying both anime and epno, or using just eid. anime can be either a title, aid or an Anime object. epno should be either a string or int representing the episode number. eid should be an int.Attributeseid- AniDB episode IDanime- Anime object for the anime series that this episode belongs toepisode_number- The episode number (note that this is a string)updated- datetime when information about this episode was last fetched from AniDBtvdb_episode- A tuple containing(season, episode)if this episode can be mapped to a TVDB episode. Note thatepisodeis usualy a string containing the episode number, but can also be a tuple with (episode_number, partnumber) or a string containing episode numbers separated by '+' if the anidb episode is mapped to part of a TVDB episode or vice versa.tmdbid- TMDB ID for this episode or None if not available.imdbid- IMDB ID for this episode or None if not available.The following attributes as returned from the AniDB APIlengthratingvotestitle_engtitle_romajititle_kanjiairedtypeFileFile(path=None,fid=None,anime=None,episode=None)File object requires either path, fid, or anime and episode to be set. When setting anime and episode this file will either be a generic file, or the file you have in your mylist for this anime and episode. fid is obviously the AniDB file ID. Path is the fun one.When a path is specified the library will first check the size and ed2k-hash to the AniDB database. If the file exists there this will obviously represent that file. If the filedoesn'texist in the AniDB databse the library will try to figure out which anime and episode this file represents. The episode number is guessed from the filename by using some regex. If no episode number is found, adbb will check if the Anime only has a single episode; and if that is the case it will assume that the file has episode number '1'. The Anime title is guessed from the parent directory if there is a good-enough match in the animetitles- file, otherwise it's guessed from the filename. For details, check _guess_anime_ep_from_file() and _guess_epno_from_filename() in the File class in animeobjs.py, and get_titles() in anames.py.FunctionsThe File object has some functions for managing the file in mylist.update_mylist(state=None,watched=None,source=None,other=None)remove_from_mylist()The update_mylist() function can be used both to add and to edit a file in mylist. state can be one of 'unknown', 'on hdd', 'on cd' or 'deleted'. watched can be either True, False or an datetime object describing when it was watched.Attributesanime- Anime object for which anime this file containsepisode- Episode object for which episode this file containsgroup- Group object for file authorsmultiep- List of episode numbers this file contains. The episode number parsing supports multiple episodes, but fetching from AniDB does not so this is not reliable and I'm not really sure what to do with it...fid- File ID from AniDBpath- Full Path to this file (if created with a path)size- file size in bytesed2khash- ed2k-hash, because AniDB still uses it...updated- datetime when information about this file was last fetched from AniDBThe following attributes as returned from the AniDB APIlidgidis_deprecatedis_genericcrc_okfile_versioncensoredlength_in_secondsdescriptionaired_datemylist_statemylist_filestatemylist_viewedmylist_viewdatemylist_storagemylist_sourcemylist_otherGroupGroup(name=None,gid=None)Group object requires either a name (can be either short or long name) or gid. A group created with a name is always considered valid, and will be saved to the database even if the name does not represent a group in AniDB. In that case both the name and the short name will be set to the given name, and all other atributes will be empty.Attributesupdated- datetime when information about this file was last fetched from AniDBThe following attributes as returned from the AniDB APIgidratingvotesacountfcountnameshortirc_channelirc_serverurlpicnamefoundeddisbandeddateflaglast_releaselast_activityFanartTheAnime objectcontains an attribute calledfanartthat can be used to fetch available fanart for that series/movie fromfanart.tvif two conditions are met:you must provide anAPI keyeither in theinit()-call using the keywordfanart_api_keyor by providing it in an.netrc-file.The series/movie must be properly mapped to a tvdb/tmdb/imdb-ID inAnime-ListsThefanartattribute just returns a list of metadata from the fanart.tv api; but theadbb.download_fanart()-method can be used to download the actual fanart. This example downloads the first background fanart the api returned. The attribute is directly translated from the json API, so for structure description you should check thefanart.tv API reference. Note that it differs slightly between series and movies.importadbbapi_key='secret'adbb.init('sqlite:///.adbb.db',netrc_file='.netrc',fanart_api_key=api_key)anime=adbb.Anime("Kemono no Souja Erin")fanart=anime.fanartbackground_url=fanart[0]["showbackground"][0]["url"]withopen("background.jpg","wb")asf:# The "preview" keyword-argument is False by default, but can be# set to "true" to download a low-resolution preview imageadbb.download_fanart(f,background_url,preview=False)adbb.close()netrcAlthough you can provide usernames and passwords directly to theinit()call it can be useful to have them stored elsewhere.init()supports thenetrc_filekeyword argument to fetch authentication information from a.netrc-file. The library checks the.netrc-file for the following credentials:anidb username, password andencryption key. Theaccountoption is used to set the encryption key (machinename must be one of 'api.anidb.net', 'api.anidb.info', 'anidb.net')database credentials (machinename must match your mysql/postgres hostname)fanart API key (machinename must be one of 'fanart.tv', 'assets.fanart.tv', 'webservice.fanart.tv', 'api.fanart.tv'machine api.anidb.net username winterbird password supersecretpassword account supersecretencryptionkey machine sql.localdomain username adbb password supersecretpassword machine fanart.tv account supersecretapikeyEncryptionAs per theUDP API specificationencrypted network traffic is not enabled by default but must be manually activated by the user. In the case of adbb, you activate encryption by providing your encryption key when initializeing the library. Either with theapi_key-keyword argument toinit()or by using a.netrc.You specify the encryption key yourself in yourAniDB Profile. It's way past 1990, you really shouldn't send usernames and password unencrypted over the internet.UtilitiesThe library contains two command line utilities for mylist management. These are purely implemented after personal need, but is probably useful for other people as well. The source code could also be consulted for inspiration to make other tools. For usage, run the command with --help.adbb_cacheTool to manage the cache database. At the moment it can only clean the database of unwanted/uneeded stuff, but perhaps importing data to the cache could be supported at some point.. runadbb_cache --helpandadbb_cache <subcommand> --helpfor usage. The most useful subcommands ar probablyoldto remove stuff that hasn't been touched in a while (90 days by default), andfilewhich can be used to remove files from the database as well as (with the proper flags) from filesystem and mylist. This tool does not use the UDP API, except if it's asked to remove files from mylist.arrange_animeTool to identify episode files and move/rename them for easy identification by for media centers. You should probably run it with --dry-run first to make sure it behaves as expected.jellyfin_anime_syncGlueware for AniDB<->jellyfin integration. Requiresjellyfin-apiclient-python. For more information, and usage, for this tool, seeJELLYFIN.md.UpgradingObject APII'll do my best to keep the API stable, so if you just use the Objects the code should continue to work with new releases.DatbaseYoushouldrecreate the databse after every release. I haven't figure out how to make sane database migrations on schema changes, so for now you should repopulate the cache when upgrading (just remove the sqlite databasefile or drop and recreate the postgres/mysql database).UtilitiesI'll be restrictive about behavioural changes, and try to document them when they occur, but no promises as of now.TODO:In no particular order:importing cache from anidb mylist exports.add support for descriptions (The only(?) feature missing to create a full-featured media-center scraper). Unfortunately, episode-descriptions are not supported by the UDP API.any other feature request?
adbblitz
ADB - Fastest screenshots - scrcpy raw stream directly to NumPy (without scrcpy.exe) - no root required!Tested against Windows 10 / Python 3.10 / Anacondapip install adbblitzwith Google Pixel 6 - not rootedwith Bluestacks 5 - not rootedTCP - Taking multiple screenshotsIf you want to take multiple screenshots using a TCP connection, you can use AdbShotTCPImport the modulesfromadbblitzimportAdbShotUSB,AdbShotTCPUse the with statement to create an instance of the AdbShotTCP class and specify the required parametersWithin the with block, you can iterate over the shosho object to capture screenshots After everything is done, the socket connection will be closed, you don't have to take care about anything.fromadbblitzimportAdbShotUSB,AdbShotTCPimportnumpyasnpfromtimeimporttimeimportcv2withAdbShotTCP(device_serial="localhost:5555",adb_path=r"C:\ProgramData\chocolatey\lib\scrcpy\tools\scrcpy-win64-v2.0\adb.exe",ip="127.0.0.1",port=5555,max_frame_rate=60,max_video_width=960,scrcpy_server_version="2.0",forward_port=None,frame_buffer=24,byte_package_size=131072,sleep_after_exception=0.01,log_level="info",lock_video_orientation=0,)asshosho:framecounter=0stop_at_frame=Nonefps=0start_time=time()show_screenshot=True# print(shosho)forbiinshosho:ifbi.dtype==np.uint16:continuecv2.imshow("title",bi)ifcv2.waitKey(25)&0xFF==ord("q"):# cv2.destroyAllWindows()# shosho.quit()breakfps+=1print(f"fast_ctypes_screenshots:{fps/(time()-start_time)}")TCP - Taking one screenshot at the timeIf you take only one screenshot, the connection will stay open until you call AdbShotTCP.quit()a=AdbShotTCP(device_serial="localhost:5555",adb_path=r"C:\ProgramData\chocolatey\lib\scrcpy\tools\scrcpy-win64-v2.0\adb.exe",ip="127.0.0.1",port=5037,sleep_after_exception=0.05,frame_buffer=4,lock_video_orientation=0,max_frame_rate=0,byte_package_size=131072,scrcpy_server_version="2.0",log_level="info",max_video_width=0,start_server=True,connect_to_device=True,)scr=a.get_one_screenshot()scr.quit()# closes the connectionUSB - Taking multiple screenshotsSame thing for USBwithAdbShotUSB(device_serial="xxxxx",adb_path=r"C:\ProgramData\chocolatey\lib\scrcpy\tools\scrcpy-win64-v2.0\adb.exe",adb_host_address="127.0.0.1",adb_host_port=5037,sleep_after_exception=0.05,frame_buffer=4,lock_video_orientation=0,max_frame_rate=0,byte_package_size=131072,scrcpy_server_version="2.0",log_level="info",max_video_width=0,start_server=True,connect_to_device=True,)asself:start_time,fps=time(),0forbiinself:ifbi.dtype==np.uint16:continuecv2.imshow("test",bi)fps+=1ifcv2.waitKey(25)&0xFF==ord("q"):cv2.destroyAllWindows()breakprint(f"FPS:{fps/(time()-start_time)}")cv2.destroyAllWindows()USB - Taking one screenshot at the timesu=AdbShotUSB(device_serial="xxxxxx",adb_path=r"C:\ProgramData\chocolatey\lib\scrcpy\tools\scrcpy-win64-v2.0\adb.exe",adb_host_address="127.0.0.1",adb_host_port=5037,sleep_after_exception=0.05,frame_buffer=4,lock_video_orientation=0,max_frame_rate=0,byte_package_size=131072,scrcpy_server_version="2.0",log_level="info",max_video_width=0,start_server=True,connect_to_device=True,)scr=su.get_one_screenshot()scr.quit()# closes the connection
adbc
No description available on PyPI.
adbc-driver-flightsql
ADBC Apache Arrow Flight SQL Driver for PythonThis package contains bindings for theGolang Apache Arrow Flight SQL driver, using thedriver managerto provide aDBAPI 2.0/PEP 249-compatibleinterface on top.BuildingDependencies: a build of the Apache Arrow Flight SQL driver, and theadbc-driver-managerPython package. Optionally, install PyArrow to use the DBAPI 2.0-compatible interface.Set the environment variableADBC_FLIGHTSQL_LIBRARYto the path tolibadbc_driver_flightsql.{dll,dylib,so}before runningpip install.# If not already installed pip install -e ../adbc_driver_manager export ADBC_FLIGHTSQL_LIBRARY=/path/to/libadbc_driver_flightsql.so pip install --no-deps -e .For users building from the arrow-adbc source repository, you can alternately use CMake to manage library dependencies and set environment variables for you. Assuming you specify-DADBC_DRIVER_FLIGHTSQL=ONyou can also add-DADBC_BUILD_PYTHON=ONto define apythontarget.For example, assuming you run cmake from the project root:cmake-Sc-Bbuild--presetdebug-DADBC_BUILD_PYTHON=ON cmake--buildbuild--targetpythonwill properly build and install the Python library for you.SeeCONTRIBUTING.mdfor details on the general build process.TestingTo run the tests, use pytest:$pytest-vvxSeeCONTRIBUTING.mdfor details on the general test process.
adbc-driver-manager
ADBC Driver Manager for PythonThis package contains bindings for the ADBC Driver Manager, as well as aDBAPI 2.0/PEP 249-compatibleinterface on top. This can be used to load ADBC drivers at runtime and use them from Python. Backend-specific packages likeadbc_driver_postgresqlwrap this package in a more convenient interface, and should be preferred where they exist.The DBAPI 2.0 interface requires PyArrow, and exposes a number of extensions mimicking those ofTurbodbcorDuckDB's Python packages to allow you to retrieve Arrow Table objects instead of being limited to the row-oriented API of the base DBAPI interface.BuildingDependencies: a C++ compiler.For users building from the arrow-adbc source repository, you can alternately use CMake to manage library dependencies and set environment variables for you. You can add-DADBC_BUILD_PYTHON=ONto define apythontarget.For example, assuming you run cmake from the project root:cmake-Sc-Bbuild--presetdebug-DADBC_BUILD_PYTHON=ON cmake--buildbuild--targetpythonwill properly build and install the Python library for you.SeeCONTRIBUTING.mdfor details.TestingTheSQLite drivermust be loadable at runtime (e.g. it must be onLD_LIBRARY_PATH,DYLD_LIBRARY_PATH, orPATH).SeeCONTRIBUTING.mdfor details.$exportLD_LIBRARY_PATH=path/to/sqlite/driver/ $pytest-vvx
adbc-driver-netezza
ADBC Netezza Driver for PythonThis package contains bindings for theNetezza driver, using thedriver managerto provide aDBAPI 2.0/PEP 249-compatibleinterface on top.Exampleimportadbc_driver_netezza.dbapiuri="netezza://username:password@localhost:5480/database_name"withadbc_driver_netezza.dbapi.connect(uri)asconn:withconn.cursor()ascur:cur.execute("SELECT 1")print(cur.fetch_arrow_table())BuildingDependencies: a build of the Netezza driver, and theadbc-driver-managerPython package. Optionally, install PyArrow to use the DBAPI 2.0-compatible interface.Set the environment variableADBC_NETEZZA_LIBRARYto the path tolibadbc_driver_netezza.sobefore runningpip install.# If not already installed pip install -e ../adbc_driver_manager export ADBC_NETEZZA_LIBRARY=/path/to/libadbc_driver_netezza.so pip install --no-deps -e .For users building from the arrow-adbc source repository, you can alternately use CMake to manage library dependencies and set environment variables for you. Assuming you specify-DADBC_DRIVER_NETEZZA=ONyou can also add-DADBC_BUILD_PYTHON=ONto define apythontarget.For example, assuming you run cmake from the project root:cmake-Sc-Bbuild--presetdebug-DADBC_BUILD_PYTHON=ON cmake--buildbuild--targetpythonwill properly build and install the Python library for you.SeeCONTRIBUTING.mdfor details on the general build process.TestingA running instance of Netezza is required.To run the tests, set the environment variable specifying the Netezza URI before running tests:$exportADBC_NETEZZA_TEST_URI=netezza://localhost:5432/netezza?user=username&password=password $pytest-vvxSeeCONTRIBUTING.mdfor details on the general test process.
adbc-driver-postgresql
ADBC PostgreSQL Driver for PythonThis package contains bindings for thePostgreSQL driver, using thedriver managerto provide aDBAPI 2.0/PEP 249-compatibleinterface on top.Exampleimportadbc_driver_postgresql.dbapiuri="postgresql://postgres:password@localhost:5432/postgres"withadbc_driver_postgresql.dbapi.connect(uri)asconn:withconn.cursor()ascur:cur.execute("SELECT 1")print(cur.fetch_arrow_table())BuildingDependencies: a build of the PostgreSQL driver, and theadbc-driver-managerPython package. Optionally, install PyArrow to use the DBAPI 2.0-compatible interface.Set the environment variableADBC_POSTGRESQL_LIBRARYto the path tolibadbc_driver_postgresql.{dll,dylib,so}before runningpip install.# If not already installed pip install -e ../adbc_driver_manager export ADBC_POSTGRESQL_LIBRARY=/path/to/libadbc_driver_postgresql.so pip install --no-deps -e .For users building from the arrow-adbc source repository, you can alternately use CMake to manage library dependencies and set environment variables for you. Assuming you specify-DADBC_DRIVER_POSTGRESQL=ONyou can also add-DADBC_BUILD_PYTHON=ONto define apythontarget.For example, assuming you run cmake from the project root:cmake-Sc-Bbuild--presetdebug-DADBC_BUILD_PYTHON=ON cmake--buildbuild--targetpythonwill properly build and install the Python library for you.SeeCONTRIBUTING.mdfor details on the general build process.TestingA running instance of PostgreSQL is required. For example, using Docker:$dockerrun-it--rm\-ePOSTGRES_PASSWORD=password\-ePOSTGRES_DB=tempdb\-p5432:5432\postgresThen, to run the tests, set the environment variable specifying the PostgreSQL URI before running tests:$exportADBC_POSTGRESQL_TEST_URI=postgresql://localhost:5432/postgres?user=postgres&password=password $pytest-vvxSeeCONTRIBUTING.mdfor details on the general test process.
adbc-driver-snowflake
ADBC Snowflake Driver for PythonThis package contains bindings for theSnowflake driver, using thedriver managerto provide aDBAPI 2.0/PEP 249-compatibleinterface on top.BuildingDependencies: a build of the Snowflake driver, and theadbc-driver-managerPython package. Optionally, install PyArrow to use the DBAPI 2.0-compatible interface.Set the environment variableADBC_SNOWFLAKE_LIBRARYto the path tolibadbc_driver_snowflake.{dll,dylib,so}before runningpip install.# If not already installed pip install -e ../adbc_driver_manager export ADBC_SNOWFLAKE_LIBRARY=/path/to/libadbc_driver_snowflake.so pip install --no-deps -e .For users building from the arrow-adbc source repository, you can alternately use CMake to manage library dependencies and set environment variables for you. Assuming you specify-DADBC_DRIVER_SNOWFLAKE=ONyou can also add-DADBC_BUILD_PYTHON=ONto define apythontarget.For example, assuming you run cmake from the project root:cmake-Sc-Bbuild--presetdebug-DADBC_BUILD_PYTHON=ON cmake--buildbuild--targetpythonwill properly build and install the Python library for you.SeeCONTRIBUTING.mdfor details on the general build process.TestingTo run the tests, use pytest:$pytest-vvxSeeCONTRIBUTING.mdfor details on the general test process.
adbc-driver-sqlite
ADBC SQLite Driver for PythonThis package contains bindings for theADBC SQLite driver, using thedriver managerto provide aDBAPI 2.0/PEP 249-compatibleinterface on top.Exampleimportadbc_driver_sqlite.dbapiwithadbc_driver_sqlite.dbapi.connect()asconn:withconn.cursor()ascur:cur.execute("SELECT 1")print(cur.fetch_arrow_table())BuildingDependencies: a build of the SQLite driver, and theadbc-driver-managerPython package. Optionally, install PyArrow to use the DBAPI 2.0-compatible interface.Set the environment variableADBC_SQLITE_LIBRARYto the path tolibadbc_driver_sqlite.{dll,dylib,so}before runningpip install.# If not already installed pip install -e ../adbc_driver_manager export ADBC_SQLITE_LIBRARY=/path/to/libadbc_driver_sqlite.so pip install --no-deps -e .For users building from the arrow-adbc source repository, you can alternately use CMake to manage library dependencies and set environment variables for you. Assuming you specify-DADBC_DRIVER_SQLITE=ONyou can also add-DADBC_BUILD_PYTHON=ONto define apythontarget.For example, assuming you run cmake from the project root:cmake-Sc-Bbuild--presetdebug-DADBC_BUILD_PYTHON=ON cmake--buildbuild--targetpythonwill properly build and install the Python library for you.SeeCONTRIBUTING.mdfor details on the general build process.TestingTo run the tests, use pytest:$pytest-vvxSeeCONTRIBUTING.mdfor details on the general test process.
adb-cloud-connector
ArangoDB Cloud ConnectorProvides access to temporary ArangoDB Cloud instance provisioning, for graph and beyond.InstallationLatest Releasepip install adb-cloud-connectorCurrent Statepip install git+https://github.com/arangodb/adb_cloud_connector.gitQuickstartfromadb_cloud_connectorimportget_temp_credentialscon=get_temp_credentials()print(con)Development & Testinggit clone https://github.com/arangodb/adb_cloud_connector.gitcd adb_cloud_connector(create virtual environment of choice)pip install -e .[dev]pytest
adb-connector-python
PY-ADBThis is a package to command android device with Python, it useADB, so if you don't have it, plaese install it before.REQUIREMENTSPython > 3.7ADB# WINDOWSchocoinstalladb# LINUXsudoapt-getinstallandroid-tools-adb# MACbrewinstallandroid-platform-toolsBEFORE STARTING USING PY-ADB ENSURE YOU HAVE ENABLED DEVELOPER OPTIONSUsing PY-ADB is simple, just install adb-connector-pythonpipinstalladb-connector-python# create main.py fileEXAMPLES# in main.pyfromadb_connector_python.connectorimportPy_adbadb_connector=Py_adb()print(adb_connector.ADB_VERSION)# 1.0.41print(adb_connector.ADB_EXECUTABLE)# /usr/bin/adbBASIC INFOadb_connector.list_devices()# [ { "id":"fh8swx9cs", "status":"device" }, { "id":"2439vjsacs", "status":"unauthorized" } ]adb_connector.is_adb_running()# it runs on every action and raise exception if adb is not running# Trueadb_connector.get_first_avaiable_device()# { "id":"fh8swx9cs", "status":"device" }adb_connector.phone_data()# {# "battery_data":{ "is_charging":True, "level":64 },# "device_data":{ "model":"AS3D24SS", "android_version":13,"brand":"Redmi" },# "status":{ "is_locked":True, "is_awake":False },# "packages":{ "count":130, "list":["com.android.google.youtube", ... ] }# }adb_connector.start_logcat()# start android logadb_connector.start_logcat(term="Flutter")# only return log containing Flutter string# This can be useful for debug, for example creating a custom error and ther looking for itMANAGING APKadb_connector.install_apk(path="path/to/apk")adb_connector.uninstall_apk(package_name="com.android.google.youtube",device_id="2439vjsacs")SCREEN ACTIONS# swipe on the screen from points x100 y100 to x300 y300adb_connector.swipe(x_from=100,y_from=100,y_to=300,y_to=300)# tap on screen at cordinates x100 y100adb_connector.tap(x=100,y=100)adb_connector.home()# return to device homeadb_connector.back()# go backadb_connector.foreground_apps()# background app checkOPEN APPSadb_connector.open_call_log()adb_connector.open_calendar()adb_connector.open_music()adb_connector.open_calculator()adb_connector.open_email()adb_connector.open_browser()adb_connector.open_camera()# to see all supported app runadb_connector.SUPPORTED_APPSUSER ACTIONS# phone calladb_connector.call(phone_number="xxxxxxxx")# send smsadb_connector.send_sms(phone_number="xxxxxxxx",message="hello world")# unlock screenadb_connector.unlock_screen(password="12345")# lock screenadb_connector.power_button()# take screenshotadb_connector.screenshot()# input textadb_connector.insert_text("important data")# take a picture with frontal camera zoomming 5 timesadb_connector.take_picture(frontal_camera=True,zoom_in=5)# video capture with external camera for 10 seconds, zoomming 3 timesadb_connector.video_capture(zoom_out=3,duration=10)# activate voice assistant (ok google)adb_connector.voice_assistant()# toggle notification centeradb_connector.notification_center()OTHER ACTIONS# turn off device in 2 secondsadb_connector.turn_off(countdown=2)# reboot device in 10 secondsadb_connector.reboot(countdown=10)# raise / low volumeadb_connector.volume_up()adb_connector.volume_down(times=7)# do it 7 times# raise / low brightnessadb_connector.brightness_up(times=2)# do it 2 timesadb_connector.brightness_down()
adbcug-adapter
ArangoDB-cuGraph AdapterThe ArangoDB-cuGraph Adapter exports Graphs from ArangoDB, the multi-model database for graph & beyond, into RAPIDS cuGraph, a library of collective GPU-accelerated graph algorithms, and vice-versa.About RAPIDS cuGraphWhile offering a similar API and set of graph algorithms to NetworkX, RAPIDS cuGraph library is GPU-based. Especially for large graphs, this results in a significant performance improvement of cuGraph compared to NetworkX. Please note that storing node attributes is currently not supported by cuGraph. In order to run cuGraph, an Nvidia-CUDA-enabled GPU is required.InstallationPrerequisites: A CUDA-capable GPULatest Releasepip install --extra-index-url=https://pypi.nvidia.com cudf-cu11 cugraph-cu11 pip install adbcug-adapterCurrent Statepip install --extra-index-url=https://pypi.nvidia.com cudf-cu11 cugraph-cu11 pip install git+https://github.com/arangoml/cugraph-adapter.gitQuickstartimportcudfimportcugraphfromarangoimportArangoClientfromadbcug_adapterimportADBCUG_Adapter,ADBCUG_Controller# Connect to ArangoDBdb=ArangoClient().db()# Instantiate the adapteradbcug_adapter=ADBCUG_Adapter(db)ArangoDB to cuGraph######################## 1.1: via Graph name ########################cug_g=adbcug_adapter.arangodb_graph_to_cugraph("fraud-detection")############################## 1.2: via Collection names ##############################cug_g=adbcug_adapter.arangodb_collections_to_cugraph("fraud-detection",{"account","bank","branch","Class","customer"},# Vertex collections{"accountHolder","Relationship","transaction"},# Edge collections)cuGraph to ArangoDB################################## 2.1: with a Homogeneous Graph ##################################edges=[("Person/A","Person/B",1),("Person/B","Person/C",-1)]cug_g=cugraph.MultiGraph(directed=True)cug_g.from_cudf_edgelist(cudf.DataFrame(edges,columns=["src","dst","weight"]),source="src",destination="dst",edge_attr="weight")edge_definitions=[{"edge_collection":"knows","from_vertex_collections":["Person"],"to_vertex_collections":["Person"],}]adb_g=adbcug_adapter.cugraph_to_arangodb("Knows",cug_g,edge_definitions,edge_attr="weight")############################################################### 2.2: with a Homogeneous Graph & a custom ADBCUG Controller ###############################################################classCustom_ADBCUG_Controller(ADBCUG_Controller):"""ArangoDB-cuGraph controller.Responsible for controlling how nodes & edges are handled whentransitioning from ArangoDB to cuGraph & vice-versa."""def_prepare_cugraph_node(self,cug_node:dict,col:str)->None:"""Prepare a cuGraph node before it gets inserted into the ArangoDBcollection **col**.:param cug_node: The cuGraph node object to (optionally) modify.:param col: The ArangoDB collection the node belongs to."""cug_node["foo"]="bar"def_prepare_cugraph_edge(self,cug_edge:dict,col:str)->None:"""Prepare a cuGraph edge before it gets inserted into the ArangoDBcollection **col**.:param cug_edge: The cuGraph edge object to (optionally) modify.:param col: The ArangoDB collection the edge belongs to."""cug_edge["bar"]="foo"adb_g=ADBCUG_Adapter(db,Custom_ADBCUG_Controller()).cugraph_to_arangodb("Knows",cug_g,edge_definitions)#################################### 2.3: with a Heterogeneous Graph ####################################edges=[('student:101','lecture:101'),('student:102','lecture:102'),('student:103','lecture:103'),('student:103','student:101'),('student:103','student:102'),('teacher:101','lecture:101'),('teacher:102','lecture:102'),('teacher:103','lecture:103'),('teacher:101','teacher:102'),('teacher:102','teacher:103')]cug_g=cugraph.MultiGraph(directed=True)cug_g.from_cudf_edgelist(cudf.DataFrame(edges,columns=["src","dst"]),source='src',destination='dst')# ...# Learn how this example is handled in Colab:# https://colab.research.google.com/github/arangoml/cugraph-adapter/blob/master/examples/ArangoDB_cuGraph_Adapter.ipynb#scrollTo=nuVoCZQv6oyiDevelopment & TestingPrerequisite:arangorestore,CUDA-capable GPUgit clone https://github.com/arangoml/cugraph-adapter.gitcd cugraph-adapter(create virtual environment of choice)pip install --extra-index-url=https://pypi.nvidia.com cudf-cu11 cugraph-cu11pip install -e .[dev](create an ArangoDB instance with method of choice)pytest --url <> --dbName <> --username <> --password <>Note: Apytestparameter can be omitted if the endpoint is using its default value:defpytest_addoption(parser):parser.addoption("--url",action="store",default="http://localhost:8529")parser.addoption("--dbName",action="store",default="_system")parser.addoption("--username",action="store",default="root")parser.addoption("--password",action="store",default="")
adbdevicechanger
Changes android_id / device_namepip install adbdevicechangerTested against Python 3.9.15 / Windows 10 / Anaconda / BlueStacks 5.9.300.1014 N32Probably needs root on any device, tested only with BlueStacks.fromadbdevicechangerimportAdbChangeradc=AdbChanger(adb_path="C:\\Users\\Gamer\\AppData\\Local\\Android\\Sdk\\platform-tools\\adb.exe",deviceserial="localhost:5555",)adc.connect_to_device()adc.change_android_id_and_device_name(modelregex=".*",developerregex=".*",androidfullnameregex=".*",year=">1",month=">0",versionnumberaround=7.05,)adc.change_android_id()adc.change_device_name(modelregex=".*",developerregex=".*",androidfullnameregex=".*",year=">1",month=">0",versionnumberaround=7.05,)dfframe=AdbChanger.get_random_android_cellphones(modelregex="Samsung.*",developerregex=".*",androidfullnameregex=".*",year=">2010",month=">0",versionnumberaround=9.05,howmany=10,return_list=False,)print(dfframe)r"""b'Row: 0 _id=2331, name=android_id, value=9d7f16c50ea84d99\r\n'b'Row: 0 _id=222, name=device_name, value=Redmi 5A\r\n'b'Row: 0 _id=2332, name=android_id, value=4ea89127afab45b4\r\n'b'Row: 0 _id=222, name=device_name, value=Redmi 5A\r\n'b'Row: 0 _id=2332, name=android_id, value=4ea89127afab45b4\r\n'b'Row: 0 _id=223, name=device_name, value=ZTE Axon 7s\r\n'aa_model ... uuid0 Samsung Galaxy A21s ... c20ef8d006bd44db1 Samsung Galaxy Z Fold 2 ... 0dfccdf0fe6846492 Samsung Galaxy A10e ... ea74e780e3404b283 Samsung Galaxy A20s ... 52b35c30faa249a34 Samsung Galaxy A10 ... abe17cb2a0b0422b5 Samsung Galaxy Xcover 4s ... c966c462ce0442786 Samsung Galaxy A41 ... 6818973df8c1492a7 Samsung Galaxy A70 ... 2e2fbf456043410a8 Samsung Galaxy M02 ... 5d6b729f461840469 Samsung Galaxy A21 ... 4a4bd271ec60473d[10 rows x 10 columns]"""
adbdgl-adapter
ArangoDB-DGL AdapterThe ArangoDB-DGL Adapter exports Graphs from ArangoDB, the multi-model database for graph & beyond, into Deep Graph Library (DGL), a python package for graph neural networks, and vice-versa.Note: The ArangoDB-DGL Adapter currently only supports the use of PyTorch as theDGL backend. Support for MXNet and Tensorflow will be added in the future.About DGLThe Deep Graph Library (DGL) is an easy-to-use, high performance and scalable Python package for deep learning on graphs. DGL is framework agnostic, meaning if a deep graph model is a component of an end-to-end application, the rest of the logics can be implemented in any major frameworks, such as PyTorch, Apache MXNet or TensorFlow.WebsiteDocumentationHighlighted FeaturesInstallationLatest Releasepip install adbdgl-adapterCurrent Statepip install git+https://github.com/arangoml/dgl-adapter.gitQuickstartAlso available as an ArangoDB Lunch & Learn session:Graph & Beyond Course #2.8importdglimporttorchimportpandasfromarangoimportArangoClientfromadbdgl_adapterimportADBDGL_Adapter,ADBDGL_Controllerfromadbdgl_adapter.encodersimportIdentityEncoder,CategoricalEncoder# Connect to ArangoDBdb=ArangoClient().db()# Instantiate the adapteradbdgl_adapter=ADBDGL_Adapter(db)# Create a DGL Heterogeneous Graphfake_hetero=dgl.heterograph({("user","follows","user"):(torch.tensor([0,1]),torch.tensor([1,2])),("user","follows","topic"):(torch.tensor([1,1]),torch.tensor([1,2])),("user","plays","game"):(torch.tensor([0,3]),torch.tensor([3,4])),})fake_hetero.nodes["user"].data["features"]=torch.tensor([21,44,16,25])fake_hetero.nodes["user"].data["label"]=torch.tensor([1,2,0,1])fake_hetero.nodes["game"].data["features"]=torch.tensor([[0,0],[0,1],[1,0],[1,1],[1,1]])fake_hetero.edges[("user","plays","game")].data["features"]=torch.tensor([[6,1],[1000,0]])DGL to ArangoDB############################# 1.1: without a Metagraph #############################adb_g=adbdgl_adapter.dgl_to_arangodb("FakeHetero",fake_hetero)########################## 1.2: with a Metagraph ########################### Specifying a Metagraph provides customized adapter behaviourmetagraph={"nodeTypes":{"user":{"features":"user_age",# 1) you can specify a string value for attribute renaming"label":label_tensor_to_2_column_dataframe,# 2) you can specify a function for user-defined handling, as long as the function returns a Pandas DataFrame},# 3) You can specify set of strings if you want to preserve the same DGL attribute names for the node/edge type"game":{"features"}# this is equivalent to {"features": "features"}},"edgeTypes":{("user","plays","game"):{# 4) you can specify a list of strings for tensor dissasembly (if you know the number of node/edge features in advance)"features":["hours_played","is_satisfied_with_game"]},},}deflabel_tensor_to_2_column_dataframe(dgl_tensor:torch.Tensor,adb_df:pandas.DataFrame)->pandas.DataFrame:"""A user-defined function to create twoArangoDB attributes out of the 'user' label tensor:param dgl_tensor: The DGL Tensor containing the data:type dgl_tensor: torch.Tensor:param adb_df: The ArangoDB DataFrame to populate, whosesize is preset to the length of **dgl_tensor**.:type adb_df: pandas.DataFrame:return: The populated ArangoDB DataFrame:rtype: pandas.DataFrame"""label_map={0:"Class A",1:"Class B",2:"Class C"}adb_df["label_num"]=dgl_tensor.tolist()adb_df["label_str"]=adb_df["label_num"].map(label_map)returnadb_dfadb_g=adbdgl_adapter.dgl_to_arangodb("FakeHetero",fake_hetero,metagraph,explicit_metagraph=False)######################################################## 1.3: with a Metagraph and `explicit_metagraph=True` ######################################################### With `explicit_metagraph=True`, the node & edge types omitted from the metagraph will NOT be converted to ArangoDB.adb_g=adbdgl_adapter.dgl_to_arangodb("FakeHetero",fake_hetero,metagraph,explicit_metagraph=True)######################################### 1.4: with a custom ADBDGL Controller #########################################classCustom_ADBDGL_Controller(ADBDGL_Controller):def_prepare_dgl_node(self,dgl_node:dict,node_type:str)->dict:"""Optionally modify a DGL node object before it gets inserted into its designated ArangoDB collection.:param dgl_node: The DGL node object to (optionally) modify.:param node_type: The DGL Node Type of the node.:return: The DGL Node object"""dgl_node["foo"]="bar"returndgl_nodedef_prepare_dgl_edge(self,dgl_edge:dict,edge_type:tuple)->dict:"""Optionally modify a DGL edge object before it gets inserted into its designated ArangoDB collection.:param dgl_edge: The DGL edge object to (optionally) modify.:param edge_type: The Edge Type of the DGL edge. Formattedas (from_collection, edge_collection, to_collection):return: The DGL Edge object"""dgl_edge["bar"]="foo"returndgl_edgeadb_g=ADBDGL_Adapter(db,Custom_ADBDGL_Controller()).dgl_to_arangodb("FakeHetero",fake_hetero)ArangoDB to DGL# Start from scratch!db.delete_graph("FakeHetero",drop_collections=True,ignore_missing=True)adbdgl_adapter.dgl_to_arangodb("FakeHetero",fake_hetero)######################## 2.1: via Graph name ######################### Due to risk of ambiguity, this method does not transfer attributesdgl_g=adbdgl_adapter.arangodb_graph_to_dgl("FakeHetero")############################## 2.2: via Collection names ############################### Due to risk of ambiguity, this method does not transfer attributesdgl_g=adbdgl_adapter.arangodb_collections_to_dgl("FakeHetero",v_cols={"user","game"},e_cols={"plays"})####################### 2.3: via Metagraph ######################## Transfers attributes "as is", meaning they are already formatted to DGL data standards.# Learn more about the DGL Data Standards here: https://docs.dgl.ai/guide/graph.html#guide-graphmetagraph_v1={"vertexCollections":{# Move the "features" & "label" ArangoDB attributes to DGL as "features" & "label" Tensors"user":{"features","label"},# equivalent to {"features": "features", "label": "label"}"game":{"dgl_game_features":"features"},"topic":{},},"edgeCollections":{"plays":{"dgl_plays_features":"features"},"follows":{}},}dgl_g=adbdgl_adapter.arangodb_to_dgl("FakeHetero",metagraph_v1)################################################## 2.4: via Metagraph with user-defined encoders ################################################### Transforms attributes via user-defined encodersmetagraph_v2={"vertexCollections":{"Movies":{"features":{# Build a feature matrix from the "Action" & "Drama" document attributes"Action":IdentityEncoder(dtype=torch.long),"Drama":IdentityEncoder(dtype=torch.long),},"label":"Comedy",},"Users":{"features":{"Gender":CategoricalEncoder(),# CategoricalEncoder(mapping={"M": 0, "F": 1}),"Age":IdentityEncoder(dtype=torch.long),}},},"edgeCollections":{"Ratings":{"weight":"Rating"}},}dgl_g=adbdgl_adapter.arangodb_to_dgl("imdb",metagraph_v2)################################################### 2.5: via Metagraph with user-defined functions #################################################### Transforms attributes via user-defined functionsmetagraph_v3={"vertexCollections":{"user":{"features":udf_user_features,# supports named functions"label":lambdadf:torch.tensor(df["label"].to_list()),# also supports lambda functions},"game":{"features":udf_game_features},},"edgeCollections":{"plays":{"features":(lambdadf:torch.tensor(df["features"].to_list()))},},}defudf_user_features(user_df:pandas.DataFrame)->torch.Tensor:# user_df["features"] = ...returntorch.tensor(user_df["features"].to_list())defudf_game_features(game_df:pandas.DataFrame)->torch.Tensor:# game_df["features"] = ...returntorch.tensor(game_df["features"].to_list())dgl_g=adbdgl_adapter.arangodb_to_dgl("FakeHetero",metagraph_v3)Development & TestingPrerequisite:arangorestoregit clone https://github.com/arangoml/dgl-adapter.gitcd dgl-adapter(create virtual environment of choice)pip install -e .[dev](create an ArangoDB instance with method of choice)pytest --url <> --dbName <> --username <> --password <>Note: Apytestparameter can be omitted if the endpoint is using its default value:defpytest_addoption(parser):parser.addoption("--url",action="store",default="http://localhost:8529")parser.addoption("--dbName",action="store",default="_system")parser.addoption("--username",action="store",default="root")parser.addoption("--password",action="store",default="")
adbeasykey
handles spaces, accents and other sneaky characters in ADB commandsTested against Windows / Python 3.11 / Anacondapip install adbeasykeyfromadbeasykeyimportAdbEasyKeyadbpath=r"C:\Android\android-sdk\platform-tools\adb.exe"serial_number="127.0.0.1:5555"adb=AdbEasyKey(adbpath,serial_number,use_busybox=False)# if use_busybox is True, busybox will be used to decode the base64-encoded commandadb.connect_to_device_ps()adb.connect_to_device_subprocess()text=f'"it\'s me", he said then he went away "Montréal, über, 12.89, Mère, Françoise, noël, 889 groß"""'adb.install_adb_keyboard()adb.input_text_adb_keyboard_ps(text,change_back=True,sleeptime=(0,0),add_exit=True)# preserves accents - suffix _ps is for use Windows Powershelladb.input_text_adb_keyboard_subprocess(text,change_back=True,sleeptime=(0.1,0.2),add_exit=True)# preserves accentsadb.keyevents.KEYCODE_A.press_ps()adb.keyevents.KEYCODE_A.press_subproc()adb.keyevents.KEYCODE_A.longpress_subproc()adb.keyevents.KEYCODE_A.longpress_ps()adb.input_text_ps(text)# doesn't preserve accentsadb.input_text_ps(text,remove_accents=True)# ç -> cadb.input_text_ps(text,sleeptime=(0.1,0.2),remove_accents=True)# one by oneadb.input_text_ps(text,sleeptime=(0.1,0.2),remove_accents=True,input_device='keyboard')adb.keyevents.KEYCODE_A.longpress_ps.gamepad()adb.keyevents.KEYCODE_A.longpress_ps.keyboard()adb.input_text_subprocess(text)# doesn't preserve accentsadb.input_text_subprocess(text,remove_accents=True)# ç -> cadb.input_text_subprocess(text,sleeptime=(0.1,0.2),remove_accents=True)stdout,stderr=adb.adb_shell_ps("ls / -1 -R -i -H -las")stdout,stderr=adb.adb_shell_ps("ls /data")# no permissionstdout,stderr=adb.adb_shell_ps("ls /data",su=True)# permissionstdout,stderr=adb.adb_shell_ps('mkdir "/sdcard/bub ö äß"')stdout,stderr=adb.adb_shell_ps("ls /sdcard/")stdout,stderr=adb.adb_shell_subprocess("ls / -1 -R -i -H -las")stdout,stderr=adb.adb_shell_subprocess("ls /data")# no permissionstdout,stderr=adb.adb_shell_subprocess("ls /data",su=True)# permissionstdout,stderr=adb.adb_shell_subprocess('mkdir "/sdcard/#gx bub ö äß"')stdout,stderr=adb.adb_shell_subprocess("ls /sdcard/")stdout,stderr=adb.adb_ps(cmd=r"push C:\Users\hansc\Downloads\Roger LeRoy Miller, Daniel K. Benjamin, Douglass C. North - The Economics of Public Issues-Pearson College Div (2017).pdf /sdcard/Download/testbba.pdf")stdout,stderr=adb.adb_subprocess(cmd=r"push C:\Users\hansc\Downloads\Roger LeRoy Miller, Daniel K. Benjamin, Douglass C. North - The Economics of Public Issues-Pearson College Div (2017).pdf /sdcard/Download/testbba.pdf")stdout,stderr=adb.adb_shell_ps("input swipe 600 600 0 0 1000\ninput swipe 0 0 600 600 1000",)adb.is_keyboard_shown()adb.get_active_keyboard()adb.change_to_adb_keyboard()adb.change_keyboard(keyboard="com.android.inputmethod.latin/.LatinIME",)
adbench
Python package of ADBench: Anomaly detection benchmark. Fast implementation of the large experiments in ADBench and your customized AD algorithm.
adb-enhanced
LogoADB-Enhanced is a Swiss-army knife for Android testing and development.A command-line interface to trigger various scenarios like screen rotation, battery saver mode, data saver mode, doze mode, permission grant/revocation. Its a wrapper aroundadband not a replacement.Release announcementSeeRelease announcementInstallationRecommendedsudo pip3 installadb-enhancedAlternative on Mac OS via Homebrewbrew installadb-enhancedNotesudo pip installadb-enhancedfor Python2 based install works as well but, I would recommend moving to python3 since I will deprecate Python2 support anytime after Dec 31, 2018.If you don’t have sudo access or you are installing without sudo thenadbemight not be configured correctly in the path.To setup bash/z-sh auto-completion, executesudo pip3 installinfi.docopt-completion&&docopt-completion$(which adbe)after installing adb-enhanced.ExamplesDevice configurationTurn doze mode onadbe doze onTurn mobile-data offadbemobile-dataoffTurn on battery saveradbe battery saver onDon’t keep activities in the backgroundadbedont-keep-activitiesonTake a screenshotadbe screenshot ~/Downloads/screenshot1.pngTake a videoadbe screenrecord video.mp4 # Press ^C when finishedTurn Wireless Debug mode onadbe enable wireless debuggingPermissionsGrant storage-related runtime permissionsadbe permissions grant com.example storageRevoke storage-related runtime permissionsadbe permissions revoke com.example storageInteracting with appStart an appadbe start com.exampleKill an appadbeforce-stopcom.exampleClear app data - equivalent of uninstall and reinstalladbeclear-datacom.examplels/cat/rm any file without worrying about adding “run-as” or “su root”adbe ls /data/data/com.example/databases# Works as long as com.example is a debuggable package or shell has the root permission or directory has been made publicly accessibleDevice infoDetailed device info including model name, Android API version etc, device serial$adbedevicesUnlockDevice"dcc54112"andgiveUSBdebuggingaccesstothisPC/Laptopbyunlockingandreconnectingthedevice.Moreinfoaboutthisdevice:"unauthorized usb:339869696X transport_id:17"SerialID:dcc54111Manufacturer:OnePlusModel:ONEPLUSA5000(OnePlus5T)Release:8.1.0SDKversion:27CPU:arm64-v8aSerialID:emulator-5554Manufacturer:unknownModel:AndroidSDKbuiltforx86Release:4.4.2SDKversion:19CPU:x86App infoDetailed information about app version, target SDK version, permissions (requested, granted, denied), installer package name, etc.$adbeappinfocom.google.android.youtubeAppname:com.google.android.youtubeVersion:12.17.41VersionCode:121741370Isdebuggable:FalseMinSDKversion:21TargetSDKversion:26Permissions:Installtimegrantedpermissions:com.google.android.c2dm.permission.RECEIVEandroid.permission.USE_CREDENTIALScom.google.android.providers.gsf.permission.READ_GSERVICEScom.google.android.youtube.permission.C2D_MESSAGEandroid.permission.MANAGE_ACCOUNTSandroid.permission.SYSTEM_ALERT_WINDOWandroid.permission.NFCandroid.permission.CHANGE_NETWORK_STATEandroid.permission.RECEIVE_BOOT_COMPLETEDcom.google.android.gms.permission.AD_ID_NOTIFICATIONandroid.permission.INTERNETandroid.permission.GET_PACKAGE_SIZEandroid.permission.ACCESS_NETWORK_STATEandroid.permission.VIBRATEandroid.permission.ACCESS_WIFI_STATEandroid.permission.WAKE_LOCKRuntimePermissionsnotgrantedandnotyetrequested:android.permission.WRITE_EXTERNAL_STORAGEandroid.permission.MANAGE_DOCUMENTSandroid.permission.GET_ACCOUNTSandroid.permission.CAMERAandroid.permission.RECORD_AUDIOandroid.permission.READ_CONTACTSandroid.permission.ACCESS_FINE_LOCATIONandroid.permission.ACCESS_COARSE_LOCATIONandroid.permission.READ_PHONE_STATEandroid.permission.SEND_SMSandroid.permission.RECEIVE_SMScom.sec.android.provider.badge.permission.READcom.sec.android.provider.badge.permission.WRITEcom.htc.launcher.permission.READ_SETTINGScom.htc.launcher.permission.UPDATE_SHORTCUTcom.sonyericsson.home.permission.BROADCAST_BADGEcom.sonymobile.home.permission.PROVIDER_INSERT_BADGEandroid.permission.READ_EXTERNAL_STORAGEInstallerpackagename:NoneApp backup to a tar file unlike the Android-specific .ab format$adbeappbackupcom.google.android.youtubebackup.taryoumighthavetoconfirmthebackupmanuallyonyourdevice'sscreen,enter"00"aspassword...Successfullybackedupdataofappcom.google.android.youtubetobackup.tarUsageadbe[options]airplane(on|off)adbe[options]alarm(all|top|pending|history)adbe[options]animations(on|off)adbe[options]appbackup<app_name>[<backup_tar_file_path>]adbe[options]appinfo<app_name>adbe[options]apppath<app_name>adbe[options]appsignature<app_name>adbe[options]appslist(all|system|third-party|debug|backup-enabled)adbe[options]batterylevel<percentage>adbe[options]batteryresetadbe[options]batterysaver(on|off)adbe[options]cat<file_path>adbe[options]clear-data<app_name>adbe[options]darkmode(on|off)adbe[options]devicesadbe[options](enable|disable)wirelessdebuggingadbe[options]dont-keep-activities(on|off)adbe[options]doze(on|off)adbe[options]dump-ui<xml_file>adbe[options]force-stop<app_name>adbe[options]gfx(on|off|lines)adbe[options]input-text<text>adbe[options]install<file_path>adbe[options]jank<app_name>adbe[options]layout(on|off)adbe[options]location(on|off)adbe[options]ls[-a][-l][-R|-r]<file_path>adbe[options]mobile-data(on|off)adbe[options]mobile-datasaver(on|off)adbe[options]mv[-f]<src_path><dest_path>adbe[options]notificationslistadbe[options]open-url<url>adbe[options]overdraw(on|off|deut)adbe[options]permission-groupslistalladbe[options]permissions(grant|revoke)<app_name>(calendar|camera|contacts|location|microphone|notifications|phone|sensors|sms|storage)adbe[options]permissionslist(all|dangerous)adbe[options]pressbackadbe[options]pull[-a]<file_path_on_android>adbe[options]pull[-a]<file_path_on_android><file_path_on_machine>adbe[options]push<file_path_on_machine><file_path_on_android>adbe[options]restart<app_name>adbe[options]restrict-background(true|false)<app_name>adbe[options]rm[-f][-R|-r]<file_path>adbe[options]rotate(landscape|portrait|left|right)adbe[options]rtl(on|off)adbe[options]screen(on|off|toggle)adbe[options]screenrecord<filename.mp4>adbe[options]screenshot<filename.png>adbe[options]show-taps(on|off)adbe[options]standby-bucketget<app_name>adbe[options]standby-bucketset<app_name>(active|working_set|frequent|rare)adbe[options]start<app_name>adbe[options]stay-awake-while-charging(on|off)adbe[options]stop<app_name>adbe[options]top-activityadbe[options]uninstall[--first-user]<app_name>adbe[options]wifi(on|off)Options-e,--emulatordirectsthecommandtotheonlyrunningemulator-d,--devicedirectsthecommandtotheonlyconnected"USB"device-s,--serialSERIALdirectsthecommandtothedeviceoremulatorwiththegivenserialnumberorqualifier.OverridesANDROID_SERIALenvironmentvariable.-lForlonglistformat,onlyvalidfor"ls"command-RForrecursivedirectorylisting,onlyvalidfor"ls"and"rm"command-rFordeletefile,onlyvalidfor"ls"and"rm"command-fForforceddeletionofafile,onlyvalidfor"rm"command-v,--verboseVerbosemodePython3 migration timelineNov 27, 2017 - Code is Python3 compatibleJan 18, 2018 - pip (python package manager) has the updated version which is Python3 compatibleNov 15, 2018 - Python2 based installation discouraged. Python3 is recommended.Dec 31, 2018 - Python2 will not be officially supported after Dec 31, 2018.May 7, 2020 - Python2 no longer works with the current master branchTestingmakelintmaketestRelease a new buildA new build can be released using`release/release.py<https://github.com/ashishb/adb-enhanced/blob/master/release/release.py>`__ script. Build a test release viamake release_debug. Build a production release viamake release_productionUpdating docs for ReadTheDocsmakedocumentationNote that this happens automatically duringmake release_production.You will have to dobrew install pandocif you are missing pandoc.Note: The inspiration of this project came fromandroid-scripts.ContributorsGitHub contributors
adbescapes
Makes strings compatible for "adb shell input text ..."The string escape functions use numba under the hood - that means the first run is very slow (compile time)pip install adbescapesfromadbescapesimportADBInputEscapedadb_path="C:\\Users\\Gamer\\AppData\\Local\\Android\\Sdk\\platform-tools\\adb.exe"deviceserial="localhost:5555"adbk=ADBInputEscaped(adb_path=adb_path,deviceserial=deviceserial)adbk.connect_to_device()adbk.activate_debug()adbk.escape_text_and_send("'ąćęłń'\tóśźż\nĄĆĘŁŃÓŚŹŻ\n\"Junto à Estação de\nCarcavelos;\"""äöüÄÖÜß",respect_german_letters=False,exit_keys="ctrl+x",)adbk.escape_text_and_send_with_delay(""""Müller\n&Ärger,ändern,\nKüche,Übung, Köchin, Öl\ngroß""",delay=(0.01,0.2),respect_german_letters=True,exit_keys="ctrl+x",)debugoutput:inputtext\'aceln\'\ \ \ \ oszzinputkeyevent66inputtextACELNOSZZinputkeyevent66inputtext\"Junto\ a\ Estacao\ de\inputkeyevent66inputtextCarcavelos\;\"aouAOUbinputkeyevent66inputkeyevent66sleep0.072inputtext\sleep0.103inputtext\sleep0.109inputtext\sleep0.066inputtext\sleep0.159inputtext\"sleep0.134inputtextM....
adbeventparser
Parses the output from 'uiautomator events' in real time and converts it to a list of lists / pandas DataFrame.pip install adbeventparserhttps://www.youtube.com/watch?v=KtO5h6XospUEventRecordclassforrecordingeventsfromanAndroiddeviceusingADB.ThisclassprovidesawaytocaptureeventsfromanAndroiddeviceusingADB(AndroidDebugBridge).ItcanparseanddisplayeventdatainbothstandardoutputandPandasDataFrameformats.Args:adb_path(str):ThepathtotheADBexecutable.device_serial(str):TheserialnumberofthetargetAndroiddevice.print_output(bool,optional):Whethertoprinteventdatatotheconsole.DefaultisTrue.print_output_pandas(bool,optional):WhethertoprinteventdataasPandasDataFrames.DefaultisFalse.convert_to_pandas(bool,optional):WhethertoconverteventdatatoPandasDataFrames.DefaultisFalse.parent1replacement(str,optional):Acharacterusedtoreplacetemporarilyopeningsquarebrackets'['ineventdata.Defaultis"\x80".parent2replacement(str,optional):Acharacterusedtoreplacetemporarilyclosingsquarebrackets']'ineventdata.Defaultis"\x81".Methods:start_recording(**kwargs):Startsrecordingeventsfromthedevice.Attributes:stop:StopstheeventrecordingifTrueresults(list):Alistoflistscontainingparsedeventdata.resultsdf(list):AlistofPandasDataFramescontainingparsedeventdata.(ifinstalled)ExampleusagefromadbeventparserimportEventRecordsua=EventRecord(adb_path=r"C:\Android\android-sdk\platform-tools\adb.exe",device_serial="127.0.0.1:5555",print_output=True,print_output_pandas=False,convert_to_pandas=False,parent1replacement="\x80",parent2replacement="\x81",)sua.start_recording()# to stop# sua.stop=True# the data as a list of lists# sua.results# the data as pandas (if installed)# sua.resultsdf
adb-grep-search
Executes GREP on your Android device, and returns a Pandas DataFramepipinstalladb-grep-searchfromadb_grep_searchimportADBGrepadb_path="C:\\Users\\Gamer\\AppData\\Local\\Android\\Sdk\\platform-tools\\adb.exe"deviceserial="localhost:5875"gre=(ADBGrep(adb_path=adb_path,deviceserial=deviceserial).connect_to_adb().activate_root_grep()# If your device is rooted, su will be activated)df=gre.grep(folder_to_search="data/data",filetype="*.db",regular_expression=r"CREATE.TABLE",exit_keys="ctrl+x",timeout=None,remove_control_characters=True,)print(df)aa_file...aa_regex0data/data/com.android.providers.media/database......CREATE.TABLE1data/data/com.android.providers.media/database......CREATE.TABLE2data/data/com.android.providers.media/database......CREATE.TABLE3data/data/com.android.providers.media/database......CREATE.TABLE4data/data/com.android.providers.contacts/datab......CREATE.TABLE...........99data/data/com.roblox.client/databases/google_a......CREATE.TABLE100data/data/com.roblox.client/databases/google_a......CREATE.TABLE101data/data/com.roblox.client/databases/google_a......CREATE.TABLE102data/data/com.roblox.client/databases/google_a......CREATE.TABLE103data/data/com.roblox.client/databases/google_a......CREATE.TABLE[104rowsx5columns]
adbgui
No description available on PyPI.
adb-homeassistant
This repository contains a pure-python implementation of the Android ADB and Fastboot protocols, using libusb1 for USB communications.This is a complete replacement and rearchitecture of the Android project’s ADB and fastboot code available athttps://github.com/android/platform_system_core/tree/master/adbThis code is mainly targeted to users that need to communicate with Android devices in an automated fashion, such as in automated testing. It does not have a daemon between the client and the device, and therefore does not support multiple simultaneous commands to the same device. It does support any number of devices and never communicates with a device that it wasn’t intended to, unlike the Android project’s ADB.
adbhoney
No description available on PyPI.
adbidea
just a simple project
adbkeyeventparser
parses Android keycodes from the official documentation and returns a dictionary containing key information.Tested against Windows / Python 3.11 / Anacondapip install adbkeyeventparserfromadbkeyeventparserimportparse_keycodeskeycodes=parse_keycodes()androidkeys{'ACTION_DOWN':{'as_int':0,'as_hex':'0x00000000','description':'getAction() value: the key has been pressed down.','added':1,'deprecated':None},'ACTION_MULTIPLE':{'as_int':2,'as_hex':'0x00000002','description':'This constant was deprecated\nin API level 29.\nNo longer used by the input system.\ngetAction() value: multiple duplicate key events have\noccurred in a row, or a complex string is being delivered. If the\nkey code is not KEYCODE_UNKNOWN then the\ngetRepeatCount() method returns the number of times\nthe given key code should be executed.\nOtherwise, if the key code is KEYCODE_UNKNOWN, then\nthis is a sequence of characters as returned by getCharacters().','added':1,'deprecated':29},'ACTION_UP':{'as_int':1,'as_hex':'0x00000001','description':'getAction() value: the key has been released.','added':1,'deprecated':None},'FLAG_CANCELED':{'as_int':32,'as_hex':'0x00000020','description':'When associated with up key events, this indicates that the key press\nhas been canceled. Typically this is used with virtual touch screen\nkeys, where the user can slide from the virtual key area on to the\ndisplay: in that case, the application will receive a canceled up\nevent and should not perform the action normally associated with the\nkey. Note that for this to work, the application can not perform an\naction for a key until it receives an up or the long press timeout has\nexpired.','added':5,'deprecated':None},'FLAG_CANCELED_LONG_PRESS':{'as_int':256,'as_hex':'0x00000100','description':'Set when a key event has FLAG_CANCELED set because a long\npress action was executed while it was down.','added':5,'deprecated':None},'FLAG_EDITOR_ACTION':{'as_int':16,'as_hex':'0x00000010','description':'This mask is used for compatibility, to identify enter keys that are\ncoming from an IME whose enter key has been auto-labelled "next" or\n"done". This allows TextView to dispatch these as normal enter keys\nfor old applications, but still do the appropriate action when\nreceiving them.','added':3,'deprecated':None},'FLAG_FALLBACK':{'as_int':1024,'as_hex':'0x00000400','description':'Set when a key event has been synthesized to implement default behavior\nfor an event that the application did not handle.\nFallback key events are generated by unhandled trackball motions\n(to emulate a directional keypad) and by certain unhandled key presses\nthat are declared in the key map (such as special function numeric keypad\nkeys when numlock is off).','added':11,'deprecated':None},'FLAG_FROM_SYSTEM':{'as_int':8,'as_hex':'0x00000008','description':'This mask is set if an event was known to come from a trusted part\nof the system. That is, the event is known to come from the user,\nand could not have been spoofed by a third party component.','added':3,'deprecated':None},'FLAG_KEEP_TOUCH_MODE':{'as_int':4,'as_hex':'0x00000004','description':"This mask is set if we don't want the key event to cause us to leave\ntouch mode.",'added':3,'deprecated':None},'FLAG_LONG_PRESS':{'as_int':128,'as_hex':'0x00000080','description':'This flag is set for the first key repeat that occurs after the\nlong press timeout.','added':5,'deprecated':None},'FLAG_SOFT_KEYBOARD':{'as_int':2,'as_hex':'0x00000002','description':'This mask is set if the key event was generated by a software keyboard.','added':3,'deprecated':None},'FLAG_TRACKING':{'as_int':512,'as_hex':'0x00000200','description':"Set for ACTION_UP when this event's key code is still being\ntracked from its initial down. That is, somebody requested that tracking\nstarted on the key down and a long press has not caused\nthe tracking to be canceled.",'added':5,'deprecated':None},'FLAG_VIRTUAL_HARD_KEY':{'as_int':64,'as_hex':'0x00000040','description':'This key event was generated by a virtual (on-screen) hard key area.\nTypically this is an area of the touchscreen, outside of the regular\ndisplay, dedicated to "hardware" buttons.','added':5,'deprecated':None},'KEYCODE_0':{'as_int':7,'as_hex':'0x00000007','description':"Key code constant: '0' key.",'added':1,'deprecated':None},'KEYCODE_1':{'as_int':8,'as_hex':'0x00000008','description':"Key code constant: '1' key.",'added':1,'deprecated':None},'KEYCODE_11':{'as_int':227,'as_hex':'0x000000e3','description':"Key code constant: '11' key.",'added':21,'deprecated':None},'KEYCODE_12':{'as_int':228,'as_hex':'0x000000e4','description':"Key code constant: '12' key.",'added':21,'deprecated':None},'KEYCODE_2':{'as_int':9,'as_hex':'0x00000009','description':"Key code constant: '2' key.",'added':1,'deprecated':None},'KEYCODE_3':{'as_int':10,'as_hex':'0x0000000a','description':"Key code constant: '3' key.",'added':1,'deprecated':None},'KEYCODE_3D_MODE':{'as_int':206,'as_hex':'0x000000ce','description':'Key code constant: 3D Mode key.\nToggles the display between 2D and 3D mode.','added':14,'deprecated':None},'KEYCODE_4':{'as_int':11,'as_hex':'0x0000000b','description':"Key code constant: '4' key.",'added':1,'deprecated':None},'KEYCODE_5':{'as_int':12,'as_hex':'0x0000000c','description':"Key code constant: '5' key.",'added':1,'deprecated':None},'KEYCODE_6':{'as_int':13,'as_hex':'0x0000000d','description':"Key code constant: '6' key.",'added':1,'deprecated':None},'KEYCODE_7':{'as_int':14,'as_hex':'0x0000000e','description':"Key code constant: '7' key.",'added':1,'deprecated':None},'KEYCODE_8':{'as_int':15,'as_hex':'0x0000000f','description':"Key code constant: '8' key.",'added':1,'deprecated':None},'KEYCODE_9':{'as_int':16,'as_hex':'0x00000010','description':"Key code constant: '9' key.",'added':1,'deprecated':None},'KEYCODE_A':{'as_int':29,'as_hex':'0x0000001d','description':"Key code constant: 'A' key.",'added':1,'deprecated':None},'KEYCODE_ALL_APPS':{'as_int':284,'as_hex':'0x0000011c','description':'Key code constant: Show all apps','added':28,'deprecated':None},'KEYCODE_ALT_LEFT':{'as_int':57,'as_hex':'0x00000039','description':'Key code constant: Left Alt modifier key.','added':1,'deprecated':None},'KEYCODE_ALT_RIGHT':{'as_int':58,'as_hex':'0x0000003a','description':'Key code constant: Right Alt modifier key.','added':1,'deprecated':None},'KEYCODE_APOSTROPHE':{'as_int':75,'as_hex':'0x0000004b','description':"Key code constant: ''' (apostrophe) key.",'added':1,'deprecated':None},'KEYCODE_APP_SWITCH':{'as_int':187,'as_hex':'0x000000bb','description':'Key code constant: App switch key.\nShould bring up the application switcher dialog.','added':11,'deprecated':None},'KEYCODE_ASSIST':{'as_int':219,'as_hex':'0x000000db','description':'Key code constant: Assist key.\nLaunches the global assist activity. Not delivered to applications.','added':16,'deprecated':None},'KEYCODE_AT':{'as_int':77,'as_hex':'0x0000004d','description':"Key code constant: '@' key.",'added':1,'deprecated':None},'KEYCODE_AVR_INPUT':{'as_int':182,'as_hex':'0x000000b6','description':'Key code constant: A/V Receiver input key.\nOn TV remotes, switches the input mode on an external A/V Receiver.','added':11,'deprecated':None},'KEYCODE_AVR_POWER':{'as_int':181,'as_hex':'0x000000b5','description':'Key code constant: A/V Receiver power key.\nOn TV remotes, toggles the power on an external A/V Receiver.','added':11,'deprecated':None},'KEYCODE_B':{'as_int':30,'as_hex':'0x0000001e','description':"Key code constant: 'B' key.",'added':1,'deprecated':None},'KEYCODE_BACK':{'as_int':4,'as_hex':'0x00000004','description':'Key code constant: Back key.','added':1,'deprecated':None},'KEYCODE_BACKSLASH':{'as_int':73,'as_hex':'0x00000049','description':"Key code constant: '\\' key.",'added':1,'deprecated':None},'KEYCODE_BOOKMARK':{'as_int':174,'as_hex':'0x000000ae','description':'Key code constant: Bookmark key.\nOn some TV remotes, bookmarks content or web pages.','added':11,'deprecated':None},'KEYCODE_BREAK':{'as_int':121,'as_hex':'0x00000079','description':'Key code constant: Break / Pause key.','added':11,'deprecated':None},'KEYCODE_BRIGHTNESS_DOWN':{'as_int':220,'as_hex':'0x000000dc','description':'Key code constant: Brightness Down key.\nAdjusts the screen brightness down.','added':18,'deprecated':None},'KEYCODE_BRIGHTNESS_UP':{'as_int':221,'as_hex':'0x000000dd','description':'Key code constant: Brightness Up key.\nAdjusts the screen brightness up.','added':18,'deprecated':None},'KEYCODE_BUTTON_1':{'as_int':188,'as_hex':'0x000000bc','description':'Key code constant: Generic Game Pad Button #1.','added':12,'deprecated':None},'KEYCODE_BUTTON_10':{'as_int':197,'as_hex':'0x000000c5','description':'Key code constant: Generic Game Pad Button #10.','added':12,'deprecated':None},'KEYCODE_BUTTON_11':{'as_int':198,'as_hex':'0x000000c6','description':'Key code constant: Generic Game Pad Button #11.','added':12,'deprecated':None},'KEYCODE_BUTTON_12':{'as_int':199,'as_hex':'0x000000c7','description':'Key code constant: Generic Game Pad Button #12.','added':12,'deprecated':None},'KEYCODE_BUTTON_13':{'as_int':200,'as_hex':'0x000000c8','description':'Key code constant: Generic Game Pad Button #13.','added':12,'deprecated':None},'KEYCODE_BUTTON_14':{'as_int':201,'as_hex':'0x000000c9','description':'Key code constant: Generic Game Pad Button #14.','added':12,'deprecated':None},'KEYCODE_BUTTON_15':{'as_int':202,'as_hex':'0x000000ca','description':'Key code constant: Generic Game Pad Button #15.','added':12,'deprecated':None},'KEYCODE_BUTTON_16':{'as_int':203,'as_hex':'0x000000cb','description':'Key code constant: Generic Game Pad Button #16.','added':12,'deprecated':None},'KEYCODE_BUTTON_2':{'as_int':189,'as_hex':'0x000000bd','description':'Key code constant: Generic Game Pad Button #2.','added':12,'deprecated':None},'KEYCODE_BUTTON_3':{'as_int':190,'as_hex':'0x000000be','description':'Key code constant: Generic Game Pad Button #3.','added':12,'deprecated':None},'KEYCODE_BUTTON_4':{'as_int':191,'as_hex':'0x000000bf','description':'Key code constant: Generic Game Pad Button #4.','added':12,'deprecated':None},'KEYCODE_BUTTON_5':{'as_int':192,'as_hex':'0x000000c0','description':'Key code constant: Generic Game Pad Button #5.','added':12,'deprecated':None},'KEYCODE_BUTTON_6':{'as_int':193,'as_hex':'0x000000c1','description':'Key code constant: Generic Game Pad Button #6.','added':12,'deprecated':None},'KEYCODE_BUTTON_7':{'as_int':194,'as_hex':'0x000000c2','description':'Key code constant: Generic Game Pad Button #7.','added':12,'deprecated':None},'KEYCODE_BUTTON_8':{'as_int':195,'as_hex':'0x000000c3','description':'Key code constant: Generic Game Pad Button #8.','added':12,'deprecated':None},'KEYCODE_BUTTON_9':{'as_int':196,'as_hex':'0x000000c4','description':'Key code constant: Generic Game Pad Button #9.','added':12,'deprecated':None},'KEYCODE_BUTTON_A':{'as_int':96,'as_hex':'0x00000060','description':'Key code constant: A Button key.\nOn a game controller, the A button should be either the button labeled A\nor the first button on the bottom row of controller buttons.','added':9,'deprecated':None},'KEYCODE_BUTTON_B':{'as_int':97,'as_hex':'0x00000061','description':'Key code constant: B Button key.\nOn a game controller, the B button should be either the button labeled B\nor the second button on the bottom row of controller buttons.','added':9,'deprecated':None},'KEYCODE_BUTTON_C':{'as_int':98,'as_hex':'0x00000062','description':'Key code constant: C Button key.\nOn a game controller, the C button should be either the button labeled C\nor the third button on the bottom row of controller buttons.','added':9,'deprecated':None},'KEYCODE_BUTTON_L1':{'as_int':102,'as_hex':'0x00000066','description':'Key code constant: L1 Button key.\nOn a game controller, the L1 button should be either the button labeled L1 (or L)\nor the top left trigger button.','added':9,'deprecated':None},'KEYCODE_BUTTON_L2':{'as_int':104,'as_hex':'0x00000068','description':'Key code constant: L2 Button key.\nOn a game controller, the L2 button should be either the button labeled L2\nor the bottom left trigger button.','added':9,'deprecated':None},'KEYCODE_BUTTON_MODE':{'as_int':110,'as_hex':'0x0000006e','description':'Key code constant: Mode Button key.\nOn a game controller, the button labeled Mode.','added':9,'deprecated':None},'KEYCODE_BUTTON_R1':{'as_int':103,'as_hex':'0x00000067','description':'Key code constant: R1 Button key.\nOn a game controller, the R1 button should be either the button labeled R1 (or R)\nor the top right trigger button.','added':9,'deprecated':None},'KEYCODE_BUTTON_R2':{'as_int':105,'as_hex':'0x00000069','description':'Key code constant: R2 Button key.\nOn a game controller, the R2 button should be either the button labeled R2\nor the bottom right trigger button.','added':9,'deprecated':None},'KEYCODE_BUTTON_SELECT':{'as_int':109,'as_hex':'0x0000006d','description':'Key code constant: Select Button key.\nOn a game controller, the button labeled Select.','added':9,'deprecated':None},'KEYCODE_BUTTON_START':{'as_int':108,'as_hex':'0x0000006c','description':'Key code constant: Start Button key.\nOn a game controller, the button labeled Start.','added':9,'deprecated':None},'KEYCODE_BUTTON_THUMBL':{'as_int':106,'as_hex':'0x0000006a','description':'Key code constant: Left Thumb Button key.\nOn a game controller, the left thumb button indicates that the left (or only)\njoystick is pressed.','added':9,'deprecated':None},'KEYCODE_BUTTON_THUMBR':{'as_int':107,'as_hex':'0x0000006b','description':'Key code constant: Right Thumb Button key.\nOn a game controller, the right thumb button indicates that the right\njoystick is pressed.','added':9,'deprecated':None},'KEYCODE_BUTTON_X':{'as_int':99,'as_hex':'0x00000063','description':'Key code constant: X Button key.\nOn a game controller, the X button should be either the button labeled X\nor the first button on the upper row of controller buttons.','added':9,'deprecated':None},'KEYCODE_BUTTON_Y':{'as_int':100,'as_hex':'0x00000064','description':'Key code constant: Y Button key.\nOn a game controller, the Y button should be either the button labeled Y\nor the second button on the upper row of controller buttons.','added':9,'deprecated':None},'KEYCODE_BUTTON_Z':{'as_int':101,'as_hex':'0x00000065','description':'Key code constant: Z Button key.\nOn a game controller, the Z button should be either the button labeled Z\nor the third button on the upper row of controller buttons.','added':9,'deprecated':None},'KEYCODE_C':{'as_int':31,'as_hex':'0x0000001f','description':"Key code constant: 'C' key.",'added':1,'deprecated':None},'KEYCODE_CALCULATOR':{'as_int':210,'as_hex':'0x000000d2','description':'Key code constant: Calculator special function key.\nUsed to launch a calculator application.','added':15,'deprecated':None},'KEYCODE_CALENDAR':{'as_int':208,'as_hex':'0x000000d0','description':'Key code constant: Calendar special function key.\nUsed to launch a calendar application.','added':15,'deprecated':None},'KEYCODE_CALL':{'as_int':5,'as_hex':'0x00000005','description':'Key code constant: Call key.','added':1,'deprecated':None},'KEYCODE_CAMERA':{'as_int':27,'as_hex':'0x0000001b','description':'Key code constant: Camera key.\nUsed to launch a camera application or take pictures.','added':1,'deprecated':None},'KEYCODE_CAPS_LOCK':{'as_int':115,'as_hex':'0x00000073','description':'Key code constant: Caps Lock key.','added':11,'deprecated':None},'KEYCODE_CAPTIONS':{'as_int':175,'as_hex':'0x000000af','description':'Key code constant: Toggle captions key.\nSwitches the mode for closed-captioning text, for example during television shows.','added':11,'deprecated':None},'KEYCODE_CHANNEL_DOWN':{'as_int':167,'as_hex':'0x000000a7','description':'Key code constant: Channel down key.\nOn TV remotes, decrements the television channel.','added':11,'deprecated':None},'KEYCODE_CHANNEL_UP':{'as_int':166,'as_hex':'0x000000a6','description':'Key code constant: Channel up key.\nOn TV remotes, increments the television channel.','added':11,'deprecated':None},'KEYCODE_CLEAR':{'as_int':28,'as_hex':'0x0000001c','description':'Key code constant: Clear key.','added':1,'deprecated':None},'KEYCODE_COMMA':{'as_int':55,'as_hex':'0x00000037','description':"Key code constant: ',' key.",'added':1,'deprecated':None},'KEYCODE_CONTACTS':{'as_int':207,'as_hex':'0x000000cf','description':'Key code constant: Contacts special function key.\nUsed to launch an address book application.','added':15,'deprecated':None},'KEYCODE_COPY':{'as_int':278,'as_hex':'0x00000116','description':'Key code constant: Copy key.','added':24,'deprecated':None},'KEYCODE_CTRL_LEFT':{'as_int':113,'as_hex':'0x00000071','description':'Key code constant: Left Control modifier key.','added':11,'deprecated':None},'KEYCODE_CTRL_RIGHT':{'as_int':114,'as_hex':'0x00000072','description':'Key code constant: Right Control modifier key.','added':11,'deprecated':None},'KEYCODE_CUT':{'as_int':277,'as_hex':'0x00000115','description':'Key code constant: Cut key.','added':24,'deprecated':None},'KEYCODE_D':{'as_int':32,'as_hex':'0x00000020','description':"Key code constant: 'D' key.",'added':1,'deprecated':None},'KEYCODE_DEL':{'as_int':67,'as_hex':'0x00000043','description':'Key code constant: Backspace key.\nDeletes characters before the insertion point, unlike KEYCODE_FORWARD_DEL.','added':1,'deprecated':None},'KEYCODE_DEMO_APP_1':{'as_int':301,'as_hex':'0x0000012d','description':'Key code constant: Demo Application key #1.','added':33,'deprecated':None},'KEYCODE_DEMO_APP_2':{'as_int':302,'as_hex':'0x0000012e','description':'Key code constant: Demo Application key #2.','added':33,'deprecated':None},'KEYCODE_DEMO_APP_3':{'as_int':303,'as_hex':'0x0000012f','description':'Key code constant: Demo Application key #3.','added':33,'deprecated':None},'KEYCODE_DEMO_APP_4':{'as_int':304,'as_hex':'0x00000130','description':'Key code constant: Demo Application key #4.','added':33,'deprecated':None},'KEYCODE_DPAD_CENTER':{'as_int':23,'as_hex':'0x00000017','description':'Key code constant: Directional Pad Center key.\nMay also be synthesized from trackball motions.','added':1,'deprecated':None},'KEYCODE_DPAD_DOWN':{'as_int':20,'as_hex':'0x00000014','description':'Key code constant: Directional Pad Down key.\nMay also be synthesized from trackball motions.','added':1,'deprecated':None},'KEYCODE_DPAD_DOWN_LEFT':{'as_int':269,'as_hex':'0x0000010d','description':'Key code constant: Directional Pad Down-Left','added':24,'deprecated':None},'KEYCODE_DPAD_DOWN_RIGHT':{'as_int':271,'as_hex':'0x0000010f','description':'Key code constant: Directional Pad Down-Right','added':24,'deprecated':None},'KEYCODE_DPAD_LEFT':{'as_int':21,'as_hex':'0x00000015','description':'Key code constant: Directional Pad Left key.\nMay also be synthesized from trackball motions.','added':1,'deprecated':None},'KEYCODE_DPAD_RIGHT':{'as_int':22,'as_hex':'0x00000016','description':'Key code constant: Directional Pad Right key.\nMay also be synthesized from trackball motions.','added':1,'deprecated':None},'KEYCODE_DPAD_UP':{'as_int':19,'as_hex':'0x00000013','description':'Key code constant: Directional Pad Up key.\nMay also be synthesized from trackball motions.','added':1,'deprecated':None},'KEYCODE_DPAD_UP_LEFT':{'as_int':268,'as_hex':'0x0000010c','description':'Key code constant: Directional Pad Up-Left','added':24,'deprecated':None},'KEYCODE_DPAD_UP_RIGHT':{'as_int':270,'as_hex':'0x0000010e','description':'Key code constant: Directional Pad Up-Right','added':24,'deprecated':None},'KEYCODE_DVR':{'as_int':173,'as_hex':'0x000000ad','description':'Key code constant: DVR key.\nOn some TV remotes, switches to a DVR mode for recorded shows.','added':11,'deprecated':None},'KEYCODE_E':{'as_int':33,'as_hex':'0x00000021','description':"Key code constant: 'E' key.",'added':1,'deprecated':None},'KEYCODE_EISU':{'as_int':212,'as_hex':'0x000000d4','description':'Key code constant: Japanese alphanumeric key.','added':16,'deprecated':None},'KEYCODE_ENDCALL':{'as_int':6,'as_hex':'0x00000006','description':'Key code constant: End Call key.','added':1,'deprecated':None},'KEYCODE_ENTER':{'as_int':66,'as_hex':'0x00000042','description':'Key code constant: Enter key.','added':1,'deprecated':None},'KEYCODE_ENVELOPE':{'as_int':65,'as_hex':'0x00000041','description':'Key code constant: Envelope special function key.\nUsed to launch a mail application.','added':1,'deprecated':None},'KEYCODE_EQUALS':{'as_int':70,'as_hex':'0x00000046','description':"Key code constant: '=' key.",'added':1,'deprecated':None},'KEYCODE_ESCAPE':{'as_int':111,'as_hex':'0x0000006f','description':'Key code constant: Escape key.','added':11,'deprecated':None},'KEYCODE_EXPLORER':{'as_int':64,'as_hex':'0x00000040','description':'Key code constant: Explorer special function key.\nUsed to launch a browser application.','added':1,'deprecated':None},'KEYCODE_F':{'as_int':34,'as_hex':'0x00000022','description':"Key code constant: 'F' key.",'added':1,'deprecated':None},'KEYCODE_F1':{'as_int':131,'as_hex':'0x00000083','description':'Key code constant: F1 key.','added':11,'deprecated':None},'KEYCODE_F10':{'as_int':140,'as_hex':'0x0000008c','description':'Key code constant: F10 key.','added':11,'deprecated':None},'KEYCODE_F11':{'as_int':141,'as_hex':'0x0000008d','description':'Key code constant: F11 key.','added':11,'deprecated':None},'KEYCODE_F12':{'as_int':142,'as_hex':'0x0000008e','description':'Key code constant: F12 key.','added':11,'deprecated':None},'KEYCODE_F2':{'as_int':132,'as_hex':'0x00000084','description':'Key code constant: F2 key.','added':11,'deprecated':None},'KEYCODE_F3':{'as_int':133,'as_hex':'0x00000085','description':'Key code constant: F3 key.','added':11,'deprecated':None},'KEYCODE_F4':{'as_int':134,'as_hex':'0x00000086','description':'Key code constant: F4 key.','added':11,'deprecated':None},'KEYCODE_F5':{'as_int':135,'as_hex':'0x00000087','description':'Key code constant: F5 key.','added':11,'deprecated':None},'KEYCODE_F6':{'as_int':136,'as_hex':'0x00000088','description':'Key code constant: F6 key.','added':11,'deprecated':None},'KEYCODE_F7':{'as_int':137,'as_hex':'0x00000089','description':'Key code constant: F7 key.','added':11,'deprecated':None},'KEYCODE_F8':{'as_int':138,'as_hex':'0x0000008a','description':'Key code constant: F8 key.','added':11,'deprecated':None},'KEYCODE_F9':{'as_int':139,'as_hex':'0x0000008b','description':'Key code constant: F9 key.','added':11,'deprecated':None},'KEYCODE_FEATURED_APP_1':{'as_int':297,'as_hex':'0x00000129','description':'Key code constant: Featured Application key #1.','added':33,'deprecated':None},'KEYCODE_FEATURED_APP_2':{'as_int':298,'as_hex':'0x0000012a','description':'Key code constant: Featured Application key #2.','added':33,'deprecated':None},'KEYCODE_FEATURED_APP_3':{'as_int':299,'as_hex':'0x0000012b','description':'Key code constant: Featured Application key #3.','added':33,'deprecated':None},'KEYCODE_FEATURED_APP_4':{'as_int':300,'as_hex':'0x0000012c','description':'Key code constant: Featured Application key #4.','added':33,'deprecated':None},'KEYCODE_FOCUS':{'as_int':80,'as_hex':'0x00000050','description':'Key code constant: Camera Focus key.\nUsed to focus the camera.','added':1,'deprecated':None},'KEYCODE_FORWARD':{'as_int':125,'as_hex':'0x0000007d','description':'Key code constant: Forward key.\nNavigates forward in the history stack. Complement of KEYCODE_BACK.','added':11,'deprecated':None},'KEYCODE_FORWARD_DEL':{'as_int':112,'as_hex':'0x00000070','description':'Key code constant: Forward Delete key.\nDeletes characters ahead of the insertion point, unlike KEYCODE_DEL.','added':11,'deprecated':None},'KEYCODE_FUNCTION':{'as_int':119,'as_hex':'0x00000077','description':'Key code constant: Function modifier key.','added':11,'deprecated':None},'KEYCODE_G':{'as_int':35,'as_hex':'0x00000023','description':"Key code constant: 'G' key.",'added':1,'deprecated':None},'KEYCODE_GRAVE':{'as_int':68,'as_hex':'0x00000044','description':"Key code constant: '`' (backtick) key.",'added':1,'deprecated':None},'KEYCODE_GUIDE':{'as_int':172,'as_hex':'0x000000ac','description':'Key code constant: Guide key.\nOn TV remotes, shows a programming guide.','added':11,'deprecated':None},'KEYCODE_H':{'as_int':36,'as_hex':'0x00000024','description':"Key code constant: 'H' key.",'added':1,'deprecated':None},'KEYCODE_HEADSETHOOK':{'as_int':79,'as_hex':'0x0000004f','description':'Key code constant: Headset Hook key.\nUsed to hang up calls and stop media.','added':1,'deprecated':None},'KEYCODE_HELP':{'as_int':259,'as_hex':'0x00000103','description':'Key code constant: Help key.','added':21,'deprecated':None},'KEYCODE_HENKAN':{'as_int':214,'as_hex':'0x000000d6','description':'Key code constant: Japanese conversion key.','added':16,'deprecated':None},'KEYCODE_HOME':{'as_int':3,'as_hex':'0x00000003','description':'Key code constant: Home key.\nThis key is handled by the framework and is never delivered to applications.','added':1,'deprecated':None},'KEYCODE_I':{'as_int':37,'as_hex':'0x00000025','description':"Key code constant: 'I' key.",'added':1,'deprecated':None},'KEYCODE_INFO':{'as_int':165,'as_hex':'0x000000a5','description':'Key code constant: Info key.\nCommon on TV remotes to show additional information related to what is\ncurrently being viewed.','added':11,'deprecated':None},'KEYCODE_INSERT':{'as_int':124,'as_hex':'0x0000007c','description':'Key code constant: Insert key.\nToggles insert / overwrite edit mode.','added':11,'deprecated':None},'KEYCODE_J':{'as_int':38,'as_hex':'0x00000026','description':"Key code constant: 'J' key.",'added':1,'deprecated':None},'KEYCODE_K':{'as_int':39,'as_hex':'0x00000027','description':"Key code constant: 'K' key.",'added':1,'deprecated':None},'KEYCODE_KANA':{'as_int':218,'as_hex':'0x000000da','description':'Key code constant: Japanese kana key.','added':16,'deprecated':None},'KEYCODE_KATAKANA_HIRAGANA':{'as_int':215,'as_hex':'0x000000d7','description':'Key code constant: Japanese katakana / hiragana key.','added':16,'deprecated':None},'KEYCODE_KEYBOARD_BACKLIGHT_DOWN':{'as_int':305,'as_hex':'0x00000131','description':'Key code constant: Keyboard backlight down','added':34,'deprecated':None},'KEYCODE_KEYBOARD_BACKLIGHT_TOGGLE':{'as_int':307,'as_hex':'0x00000133','description':'Key code constant: Keyboard backlight toggle','added':34,'deprecated':None},'KEYCODE_KEYBOARD_BACKLIGHT_UP':{'as_int':306,'as_hex':'0x00000132','description':'Key code constant: Keyboard backlight up','added':34,'deprecated':None},'KEYCODE_L':{'as_int':40,'as_hex':'0x00000028','description':"Key code constant: 'L' key.",'added':1,'deprecated':None},'KEYCODE_LANGUAGE_SWITCH':{'as_int':204,'as_hex':'0x000000cc','description':'Key code constant: Language Switch key.\nToggles the current input language such as switching between English and Japanese on\na QWERTY keyboard. On some devices, the same function may be performed by\npressing Shift+Spacebar.','added':14,'deprecated':None},'KEYCODE_LAST_CHANNEL':{'as_int':229,'as_hex':'0x000000e5','description':'Key code constant: Last Channel key.\nGoes to the last viewed channel.','added':21,'deprecated':None},'KEYCODE_LEFT_BRACKET':{'as_int':71,'as_hex':'0x00000047','description':"Key code constant: '[' key.",'added':1,'deprecated':None},'KEYCODE_M':{'as_int':41,'as_hex':'0x00000029','description':"Key code constant: 'M' key.",'added':1,'deprecated':None},'KEYCODE_MACRO_1':{'as_int':313,'as_hex':'0x00000139','description':'Key code constant: A button whose usage can be customized by the user through\nthe system.\nUser customizable key #1.','added':34,'deprecated':None},'KEYCODE_MACRO_2':{'as_int':314,'as_hex':'0x0000013a','description':'Key code constant: A button whose usage can be customized by the user through\nthe system.\nUser customizable key #2.','added':34,'deprecated':None},'KEYCODE_MACRO_3':{'as_int':315,'as_hex':'0x0000013b','description':'Key code constant: A button whose usage can be customized by the user through\nthe system.\nUser customizable key #3.','added':34,'deprecated':None},'KEYCODE_MACRO_4':{'as_int':316,'as_hex':'0x0000013c','description':'Key code constant: A button whose usage can be customized by the user through\nthe system.\nUser customizable key #4.','added':34,'deprecated':None},'KEYCODE_MANNER_MODE':{'as_int':205,'as_hex':'0x000000cd','description':'Key code constant: Manner Mode key.\nToggles silent or vibrate mode on and off to make the device behave more politely\nin certain settings such as on a crowded train. On some devices, the key may only\noperate when long-pressed.','added':14,'deprecated':None},'KEYCODE_MEDIA_AUDIO_TRACK':{'as_int':222,'as_hex':'0x000000de','description':'Key code constant: Audio Track key.\nSwitches the audio tracks.','added':19,'deprecated':None},'KEYCODE_MEDIA_CLOSE':{'as_int':128,'as_hex':'0x00000080','description':'Key code constant: Close media key.\nMay be used to close a CD tray, for example.','added':11,'deprecated':None},'KEYCODE_MEDIA_EJECT':{'as_int':129,'as_hex':'0x00000081','description':'Key code constant: Eject media key.\nMay be used to eject a CD tray, for example.','added':11,'deprecated':None},'KEYCODE_MEDIA_FAST_FORWARD':{'as_int':90,'as_hex':'0x0000005a','description':'Key code constant: Fast Forward media key.','added':3,'deprecated':None},'KEYCODE_MEDIA_NEXT':{'as_int':87,'as_hex':'0x00000057','description':'Key code constant: Play Next media key.','added':3,'deprecated':None},'KEYCODE_MEDIA_PAUSE':{'as_int':127,'as_hex':'0x0000007f','description':'Key code constant: Pause media key.','added':11,'deprecated':None},'KEYCODE_MEDIA_PLAY':{'as_int':126,'as_hex':'0x0000007e','description':'Key code constant: Play media key.','added':11,'deprecated':None},'KEYCODE_MEDIA_PLAY_PAUSE':{'as_int':85,'as_hex':'0x00000055','description':'Key code constant: Play/Pause media key.','added':3,'deprecated':None},'KEYCODE_MEDIA_PREVIOUS':{'as_int':88,'as_hex':'0x00000058','description':'Key code constant: Play Previous media key.','added':3,'deprecated':None},'KEYCODE_MEDIA_RECORD':{'as_int':130,'as_hex':'0x00000082','description':'Key code constant: Record media key.','added':11,'deprecated':None},'KEYCODE_MEDIA_REWIND':{'as_int':89,'as_hex':'0x00000059','description':'Key code constant: Rewind media key.','added':3,'deprecated':None},'KEYCODE_MEDIA_SKIP_BACKWARD':{'as_int':273,'as_hex':'0x00000111','description':'Key code constant: Skip backward media key.','added':23,'deprecated':None},'KEYCODE_MEDIA_SKIP_FORWARD':{'as_int':272,'as_hex':'0x00000110','description':'Key code constant: Skip forward media key.','added':23,'deprecated':None},'KEYCODE_MEDIA_STEP_BACKWARD':{'as_int':275,'as_hex':'0x00000113','description':'Key code constant: Step backward media key.\nSteps media backward, one frame at a time.','added':23,'deprecated':None},'KEYCODE_MEDIA_STEP_FORWARD':{'as_int':274,'as_hex':'0x00000112','description':'Key code constant: Step forward media key.\nSteps media forward, one frame at a time.','added':23,'deprecated':None},'KEYCODE_MEDIA_STOP':{'as_int':86,'as_hex':'0x00000056','description':'Key code constant: Stop media key.','added':3,'deprecated':None},'KEYCODE_MEDIA_TOP_MENU':{'as_int':226,'as_hex':'0x000000e2','description':'Key code constant: Media Top Menu key.\nGoes to the top of media menu.','added':21,'deprecated':None},'KEYCODE_MENU':{'as_int':82,'as_hex':'0x00000052','description':'Key code constant: Menu key.','added':1,'deprecated':None},'KEYCODE_META_LEFT':{'as_int':117,'as_hex':'0x00000075','description':'Key code constant: Left Meta modifier key.','added':11,'deprecated':None},'KEYCODE_META_RIGHT':{'as_int':118,'as_hex':'0x00000076','description':'Key code constant: Right Meta modifier key.','added':11,'deprecated':None},'KEYCODE_MINUS':{'as_int':69,'as_hex':'0x00000045','description':"Key code constant: '-'.",'added':1,'deprecated':None},'KEYCODE_MOVE_END':{'as_int':123,'as_hex':'0x0000007b','description':'Key code constant: End Movement key.\nUsed for scrolling or moving the cursor around to the end of a line\nor to the bottom of a list.','added':11,'deprecated':None},'KEYCODE_MOVE_HOME':{'as_int':122,'as_hex':'0x0000007a','description':'Key code constant: Home Movement key.\nUsed for scrolling or moving the cursor around to the start of a line\nor to the top of a list.','added':11,'deprecated':None},'KEYCODE_MUHENKAN':{'as_int':213,'as_hex':'0x000000d5','description':'Key code constant: Japanese non-conversion key.','added':16,'deprecated':None},'KEYCODE_MUSIC':{'as_int':209,'as_hex':'0x000000d1','description':'Key code constant: Music special function key.\nUsed to launch a music player application.','added':15,'deprecated':None},'KEYCODE_MUTE':{'as_int':91,'as_hex':'0x0000005b','description':'Key code constant: Mute key.\nMute key for the microphone (unlike KEYCODE_VOLUME_MUTE, which is the speaker mute\nkey).','added':3,'deprecated':None},'KEYCODE_N':{'as_int':42,'as_hex':'0x0000002a','description':"Key code constant: 'N' key.",'added':1,'deprecated':None},'KEYCODE_NAVIGATE_IN':{'as_int':262,'as_hex':'0x00000106','description':'Key code constant: Navigate in key.\nActivates the item that currently has focus or expands to the next level of a navigation\nhierarchy.','added':23,'deprecated':None},'KEYCODE_NAVIGATE_NEXT':{'as_int':261,'as_hex':'0x00000105','description':'Key code constant: Navigate to next key.\nAdvances to the next item in an ordered collection of items.','added':23,'deprecated':None},'KEYCODE_NAVIGATE_OUT':{'as_int':263,'as_hex':'0x00000107','description':'Key code constant: Navigate out key.\nBacks out one level of a navigation hierarchy or collapses the item that currently has\nfocus.','added':23,'deprecated':None},'KEYCODE_NAVIGATE_PREVIOUS':{'as_int':260,'as_hex':'0x00000104','description':'Key code constant: Navigate to previous key.\nGoes backward by one item in an ordered collection of items.','added':23,'deprecated':None},'KEYCODE_NOTIFICATION':{'as_int':83,'as_hex':'0x00000053','description':'Key code constant: Notification key.','added':1,'deprecated':None},'KEYCODE_NUM':{'as_int':78,'as_hex':'0x0000004e','description':'Key code constant: Number modifier key.\nUsed to enter numeric symbols.\nThis key is not Num Lock; it is more like KEYCODE_ALT_LEFT and is\ninterpreted as an ALT key by MetaKeyKeyListener.','added':1,'deprecated':None},'KEYCODE_NUMPAD_0':{'as_int':144,'as_hex':'0x00000090','description':"Key code constant: Numeric keypad '0' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_1':{'as_int':145,'as_hex':'0x00000091','description':"Key code constant: Numeric keypad '1' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_2':{'as_int':146,'as_hex':'0x00000092','description':"Key code constant: Numeric keypad '2' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_3':{'as_int':147,'as_hex':'0x00000093','description':"Key code constant: Numeric keypad '3' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_4':{'as_int':148,'as_hex':'0x00000094','description':"Key code constant: Numeric keypad '4' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_5':{'as_int':149,'as_hex':'0x00000095','description':"Key code constant: Numeric keypad '5' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_6':{'as_int':150,'as_hex':'0x00000096','description':"Key code constant: Numeric keypad '6' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_7':{'as_int':151,'as_hex':'0x00000097','description':"Key code constant: Numeric keypad '7' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_8':{'as_int':152,'as_hex':'0x00000098','description':"Key code constant: Numeric keypad '8' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_9':{'as_int':153,'as_hex':'0x00000099','description':"Key code constant: Numeric keypad '9' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_ADD':{'as_int':157,'as_hex':'0x0000009d','description':"Key code constant: Numeric keypad '+' key (for addition).",'added':11,'deprecated':None},'KEYCODE_NUMPAD_COMMA':{'as_int':159,'as_hex':'0x0000009f','description':"Key code constant: Numeric keypad ',' key (for decimals or digit grouping).",'added':11,'deprecated':None},'KEYCODE_NUMPAD_DIVIDE':{'as_int':154,'as_hex':'0x0000009a','description':"Key code constant: Numeric keypad '/' key (for division).",'added':11,'deprecated':None},'KEYCODE_NUMPAD_DOT':{'as_int':158,'as_hex':'0x0000009e','description':"Key code constant: Numeric keypad '.' key (for decimals or digit grouping).",'added':11,'deprecated':None},'KEYCODE_NUMPAD_ENTER':{'as_int':160,'as_hex':'0x000000a0','description':'Key code constant: Numeric keypad Enter key.','added':11,'deprecated':None},'KEYCODE_NUMPAD_EQUALS':{'as_int':161,'as_hex':'0x000000a1','description':"Key code constant: Numeric keypad '=' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_LEFT_PAREN':{'as_int':162,'as_hex':'0x000000a2','description':"Key code constant: Numeric keypad '(' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_MULTIPLY':{'as_int':155,'as_hex':'0x0000009b','description':"Key code constant: Numeric keypad '*' key (for multiplication).",'added':11,'deprecated':None},'KEYCODE_NUMPAD_RIGHT_PAREN':{'as_int':163,'as_hex':'0x000000a3','description':"Key code constant: Numeric keypad ')' key.",'added':11,'deprecated':None},'KEYCODE_NUMPAD_SUBTRACT':{'as_int':156,'as_hex':'0x0000009c','description':"Key code constant: Numeric keypad '-' key (for subtraction).",'added':11,'deprecated':None},'KEYCODE_NUM_LOCK':{'as_int':143,'as_hex':'0x0000008f','description':'Key code constant: Num Lock key.\nThis is the Num Lock key; it is different from KEYCODE_NUM.\nThis key alters the behavior of other keys on the numeric keypad.','added':11,'deprecated':None},'KEYCODE_O':{'as_int':43,'as_hex':'0x0000002b','description':"Key code constant: 'O' key.",'added':1,'deprecated':None},'KEYCODE_P':{'as_int':44,'as_hex':'0x0000002c','description':"Key code constant: 'P' key.",'added':1,'deprecated':None},'KEYCODE_PAGE_DOWN':{'as_int':93,'as_hex':'0x0000005d','description':'Key code constant: Page Down key.','added':9,'deprecated':None},'KEYCODE_PAGE_UP':{'as_int':92,'as_hex':'0x0000005c','description':'Key code constant: Page Up key.','added':9,'deprecated':None},'KEYCODE_PAIRING':{'as_int':225,'as_hex':'0x000000e1','description':'Key code constant: Pairing key.\nInitiates peripheral pairing mode. Useful for pairing remote control\ndevices or game controllers, especially if no other input mode is\navailable.','added':21,'deprecated':None},'KEYCODE_PASTE':{'as_int':279,'as_hex':'0x00000117','description':'Key code constant: Paste key.','added':24,'deprecated':None},'KEYCODE_PERIOD':{'as_int':56,'as_hex':'0x00000038','description':"Key code constant: '.' key.",'added':1,'deprecated':None},'KEYCODE_PICTSYMBOLS':{'as_int':94,'as_hex':'0x0000005e','description':'Key code constant: Picture Symbols modifier key.\nUsed to switch symbol sets (Emoji, Kao-moji).','added':9,'deprecated':None},'KEYCODE_PLUS':{'as_int':81,'as_hex':'0x00000051','description':"Key code constant: '+' key.",'added':1,'deprecated':None},'KEYCODE_POUND':{'as_int':18,'as_hex':'0x00000012','description':"Key code constant: '#' key.",'added':1,'deprecated':None},'KEYCODE_POWER':{'as_int':26,'as_hex':'0x0000001a','description':'Key code constant: Power key.','added':1,'deprecated':None},'KEYCODE_PROFILE_SWITCH':{'as_int':288,'as_hex':'0x00000120','description':'Key code constant: Used to switch current Account that is\nconsuming content. May be consumed by system to set account globally.','added':29,'deprecated':None},'KEYCODE_PROG_BLUE':{'as_int':186,'as_hex':'0x000000ba','description':'Key code constant: Blue "programmable" key.\nOn TV remotes, acts as a contextual/programmable key.','added':11,'deprecated':None},'KEYCODE_PROG_GREEN':{'as_int':184,'as_hex':'0x000000b8','description':'Key code constant: Green "programmable" key.\nOn TV remotes, actsas a contextual/programmable key.','added':11,'deprecated':None},'KEYCODE_PROG_RED':{'as_int':183,'as_hex':'0x000000b7','description':'Key code constant: Red "programmable" key.\nOn TV remotes, acts as a contextual/programmable key.','added':11,'deprecated':None},'KEYCODE_PROG_YELLOW':{'as_int':185,'as_hex':'0x000000b9','description':'Key code constant: Yellow "programmable" key.\nOn TV remotes, acts as a contextual/programmable key.','added':11,'deprecated':None},'KEYCODE_Q':{'as_int':45,'as_hex':'0x0000002d','description':"Key code constant: 'Q' key.",'added':1,'deprecated':None},'KEYCODE_R':{'as_int':46,'as_hex':'0x0000002e','description':"Key code constant: 'R' key.",'added':1,'deprecated':None},'KEYCODE_RECENT_APPS':{'as_int':312,'as_hex':'0x00000138','description':'Key code constant: To open recent apps view (a.k.a. Overview).\nThis key is handled by the framework and is never delivered to applications.','added':34,'deprecated':None},'KEYCODE_REFRESH':{'as_int':285,'as_hex':'0x0000011d','description':'Key code constant: Refresh key.','added':28,'deprecated':None},'KEYCODE_RIGHT_BRACKET':{'as_int':72,'as_hex':'0x00000048','description':"Key code constant: ']' key.",'added':1,'deprecated':None},'KEYCODE_RO':{'as_int':217,'as_hex':'0x000000d9','description':'Key code constant: Japanese Ro key.','added':16,'deprecated':None},'KEYCODE_S':{'as_int':47,'as_hex':'0x0000002f','description':"Key code constant: 'S' key.",'added':1,'deprecated':None},'KEYCODE_SCROLL_LOCK':{'as_int':116,'as_hex':'0x00000074','description':'Key code constant: Scroll Lock key.','added':11,'deprecated':None},'KEYCODE_SEARCH':{'as_int':84,'as_hex':'0x00000054','description':'Key code constant: Search key.','added':1,'deprecated':None},'KEYCODE_SEMICOLON':{'as_int':74,'as_hex':'0x0000004a','description':"Key code constant: ';' key.",'added':1,'deprecated':None},'KEYCODE_SETTINGS':{'as_int':176,'as_hex':'0x000000b0','description':'Key code constant: Settings key.\nStarts the system settings activity.','added':11,'deprecated':None},'KEYCODE_SHIFT_LEFT':{'as_int':59,'as_hex':'0x0000003b','description':'Key code constant: Left Shift modifier key.','added':1,'deprecated':None},'KEYCODE_SHIFT_RIGHT':{'as_int':60,'as_hex':'0x0000003c','description':'Key code constant: Right Shift modifier key.','added':1,'deprecated':None},'KEYCODE_SLASH':{'as_int':76,'as_hex':'0x0000004c','description':"Key code constant: '/' key.",'added':1,'deprecated':None},'KEYCODE_SLEEP':{'as_int':223,'as_hex':'0x000000df','description':'Key code constant: Sleep key.\nPuts the device to sleep. Behaves somewhat like KEYCODE_POWER but it\nhas no effect if the device is already asleep.','added':20,'deprecated':None},'KEYCODE_SOFT_LEFT':{'as_int':1,'as_hex':'0x00000001','description':'Key code constant: Soft Left key.\nUsually situated below the display on phones and used as a multi-function\nfeature key for selecting a software defined function shown on the bottom left\nof the display.','added':1,'deprecated':None},'KEYCODE_SOFT_RIGHT':{'as_int':2,'as_hex':'0x00000002','description':'Key code constant: Soft Right key.\nUsually situated below the display on phones and used as a multi-function\nfeature key for selecting a software defined function shown on the bottom right\nof the display.','added':1,'deprecated':None},'KEYCODE_SOFT_SLEEP':{'as_int':276,'as_hex':'0x00000114','description':'Key code constant: put device to sleep unless a wakelock is held.','added':24,'deprecated':None},'KEYCODE_SPACE':{'as_int':62,'as_hex':'0x0000003e','description':'Key code constant: Space key.','added':1,'deprecated':None},'KEYCODE_STAR':{'as_int':17,'as_hex':'0x00000011','description':"Key code constant: '*' key.",'added':1,'deprecated':None},'KEYCODE_STB_INPUT':{'as_int':180,'as_hex':'0x000000b4','description':'Key code constant: Set-top-box input key.\nOn TV remotes, switches the input mode on an external Set-top-box.','added':11,'deprecated':None},'KEYCODE_STB_POWER':{'as_int':179,'as_hex':'0x000000b3','description':'Key code constant: Set-top-box power key.\nOn TV remotes, toggles the power on an external Set-top-box.','added':11,'deprecated':None},'KEYCODE_STEM_1':{'as_int':265,'as_hex':'0x00000109','description':'Key code constant: Generic stem key 1 for Wear','added':24,'deprecated':None},'KEYCODE_STEM_2':{'as_int':266,'as_hex':'0x0000010a','description':'Key code constant: Generic stem key 2 for Wear','added':24,'deprecated':None},'KEYCODE_STEM_3':{'as_int':267,'as_hex':'0x0000010b','description':'Key code constant: Generic stem key 3 for Wear','added':24,'deprecated':None},'KEYCODE_STEM_PRIMARY':{'as_int':264,'as_hex':'0x00000108','description':'Key code constant: Primary stem key for Wear\nMain power/reset button on watch.','added':24,'deprecated':None},'KEYCODE_STYLUS_BUTTON_PRIMARY':{'as_int':308,'as_hex':'0x00000134','description':'Key code constant: The primary button on the barrel of a stylus.\nThis is usually the button closest to the tip of the stylus.','added':34,'deprecated':None},'KEYCODE_STYLUS_BUTTON_SECONDARY':{'as_int':309,'as_hex':'0x00000135','description':'Key code constant: The secondary button on the barrel of a stylus.\nThis is usually the second button from the tip of the stylus.','added':34,'deprecated':None},'KEYCODE_STYLUS_BUTTON_TAIL':{'as_int':311,'as_hex':'0x00000137','description':'Key code constant: A button on the tail end of a stylus.\nThe use of this button does not usually correspond to the function of an eraser.','added':34,'deprecated':None},'KEYCODE_STYLUS_BUTTON_TERTIARY':{'as_int':310,'as_hex':'0x00000136','description':'Key code constant: The tertiary button on the barrel of a stylus.\nThis is usually the third button from the tip of the stylus.','added':34,'deprecated':None},'KEYCODE_SWITCH_CHARSET':{'as_int':95,'as_hex':'0x0000005f','description':'Key code constant: Switch Charset modifier key.\nUsed to switch character sets (Kanji, Katakana).','added':9,'deprecated':None},'KEYCODE_SYM':{'as_int':63,'as_hex':'0x0000003f','description':'Key code constant: Symbol modifier key.\nUsed to enter alternate symbols.','added':1,'deprecated':None},'KEYCODE_SYSRQ':{'as_int':120,'as_hex':'0x00000078','description':'Key code constant: System Request / Print Screen key.','added':11,'deprecated':None},'KEYCODE_SYSTEM_NAVIGATION_DOWN':{'as_int':281,'as_hex':'0x00000119','description':'Key code constant: Consumed by the system for navigation down','added':25,'deprecated':None},'KEYCODE_SYSTEM_NAVIGATION_LEFT':{'as_int':282,'as_hex':'0x0000011a','description':'Key code constant: Consumed by the system for navigation left','added':25,'deprecated':None},'KEYCODE_SYSTEM_NAVIGATION_RIGHT':{'as_int':283,'as_hex':'0x0000011b','description':'Key code constant: Consumed by the system for navigation right','added':25,'deprecated':None},'KEYCODE_SYSTEM_NAVIGATION_UP':{'as_int':280,'as_hex':'0x00000118','description':'Key code constant: Consumed by the system for navigation up','added':25,'deprecated':None},'KEYCODE_T':{'as_int':48,'as_hex':'0x00000030','description':"Key code constant: 'T' key.",'added':1,'deprecated':None},'KEYCODE_TAB':{'as_int':61,'as_hex':'0x0000003d','description':'Key code constant: Tab key.','added':1,'deprecated':None},'KEYCODE_THUMBS_DOWN':{'as_int':287,'as_hex':'0x0000011f','description':'Key code constant: Thumbs down key. Apps can use this to let user downvote content.','added':29,'deprecated':None},'KEYCODE_THUMBS_UP':{'as_int':286,'as_hex':'0x0000011e','description':'Key code constant: Thumbs up key. Apps can use this to let user upvote content.','added':29,'deprecated':None},'KEYCODE_TV':{'as_int':170,'as_hex':'0x000000aa','description':'Key code constant: TV key.\nOn TV remotes, switches to viewing live TV.','added':11,'deprecated':None},'KEYCODE_TV_ANTENNA_CABLE':{'as_int':242,'as_hex':'0x000000f2','description':'Key code constant: Antenna/Cable key.\nToggles broadcast input source between antenna and cable.','added':21,'deprecated':None},'KEYCODE_TV_AUDIO_DESCRIPTION':{'as_int':252,'as_hex':'0x000000fc','description':'Key code constant: Audio description key.\nToggles audio description off / on.','added':21,'deprecated':None},'KEYCODE_TV_AUDIO_DESCRIPTION_MIX_DOWN':{'as_int':254,'as_hex':'0x000000fe','description':'Key code constant: Audio description mixing volume down key.\nLessen audio description volume as compared with normal audio volume.','added':21,'deprecated':None},'KEYCODE_TV_AUDIO_DESCRIPTION_MIX_UP':{'as_int':253,'as_hex':'0x000000fd','description':'Key code constant: Audio description mixing volume up key.\nLouden audio description volume as compared with normal audio volume.','added':21,'deprecated':None},'KEYCODE_TV_CONTENTS_MENU':{'as_int':256,'as_hex':'0x00000100','description':'Key code constant: Contents menu key.\nGoes to the title list. Corresponds to Contents Menu (0x0B) of CEC User Control\nCode','added':21,'deprecated':None},'KEYCODE_TV_DATA_SERVICE':{'as_int':230,'as_hex':'0x000000e6','description':'Key code constant: TV data service key.\nDisplays data services like weather, sports.','added':21,'deprecated':None},'KEYCODE_TV_INPUT':{'as_int':178,'as_hex':'0x000000b2','description':'Key code constant: TV input key.\nOn TV remotes, switches the input on a television screen.','added':11,'deprecated':None},'KEYCODE_TV_INPUT_COMPONENT_1':{'as_int':249,'as_hex':'0x000000f9','description':'Key code constant: Component #1 key.\nSwitches to component video input #1.','added':21,'deprecated':None},'KEYCODE_TV_INPUT_COMPONENT_2':{'as_int':250,'as_hex':'0x000000fa','description':'Key code constant: Component #2 key.\nSwitches to component video input #2.','added':21,'deprecated':None},'KEYCODE_TV_INPUT_COMPOSITE_1':{'as_int':247,'as_hex':'0x000000f7','description':'Key code constant: Composite #1 key.\nSwitches to composite video input #1.','added':21,'deprecated':None},'KEYCODE_TV_INPUT_COMPOSITE_2':{'as_int':248,'as_hex':'0x000000f8','description':'Key code constant: Composite #2 key.\nSwitches to composite video input #2.','added':21,'deprecated':None},'KEYCODE_TV_INPUT_HDMI_1':{'as_int':243,'as_hex':'0x000000f3','description':'Key code constant: HDMI #1 key.\nSwitches to HDMI input #1.','added':21,'deprecated':None},'KEYCODE_TV_INPUT_HDMI_2':{'as_int':244,'as_hex':'0x000000f4','description':'Key code constant: HDMI #2 key.\nSwitches to HDMI input #2.','added':21,'deprecated':None},'KEYCODE_TV_INPUT_HDMI_3':{'as_int':245,'as_hex':'0x000000f5','description':'Key code constant: HDMI #3 key.\nSwitches to HDMI input #3.','added':21,'deprecated':None},'KEYCODE_TV_INPUT_HDMI_4':{'as_int':246,'as_hex':'0x000000f6','description':'Key code constant: HDMI #4 key.\nSwitches to HDMI input #4.','added':21,'deprecated':None},'KEYCODE_TV_INPUT_VGA_1':{'as_int':251,'as_hex':'0x000000fb','description':'Key code constant: VGA #1 key.\nSwitches to VGA (analog RGB) input #1.','added':21,'deprecated':None},'KEYCODE_TV_MEDIA_CONTEXT_MENU':{'as_int':257,'as_hex':'0x00000101','description':'Key code constant: Media context menu key.\nGoes to the context menu of media contents. Corresponds to Media Context-sensitive\nMenu (0x11) of CEC User Control Code.','added':21,'deprecated':None},'KEYCODE_TV_NETWORK':{'as_int':241,'as_hex':'0x000000f1','description':'Key code constant: Toggle Network key.\nToggles selecting broacast services.','added':21,'deprecated':None},'KEYCODE_TV_NUMBER_ENTRY':{'as_int':234,'as_hex':'0x000000ea','description':'Key code constant: Number entry key.\nInitiates to enter multi-digit channel nubmber when each digit key is assigned\nfor selecting separate channel. Corresponds to Number Entry Mode (0x1D) of CEC\nUser Control Code.','added':21,'deprecated':None},'KEYCODE_TV_POWER':{'as_int':177,'as_hex':'0x000000b1','description':"Key code constant: TV power key.\nOn HDMI TV panel devices and Android TV devices that don't support HDMI, toggles the power\nstate of the device.\nOn HDMI source devices, toggles the power state of the HDMI-connected TV via HDMI-CEC and\nmakes the source device follow this power state.",'added':11,'deprecated':None},'KEYCODE_TV_RADIO_SERVICE':{'as_int':232,'as_hex':'0x000000e8','description':'Key code constant: Radio key.\nToggles TV service / Radio service.','added':21,'deprecated':None},'KEYCODE_TV_SATELLITE':{'as_int':237,'as_hex':'0x000000ed','description':'Key code constant: Satellite key.\nSwitches to digital satellite broadcast service.','added':21,'deprecated':None},'KEYCODE_TV_SATELLITE_BS':{'as_int':238,'as_hex':'0x000000ee','description':'Key code constant: BS key.\nSwitches to BS digital satellite broadcasting service available in Japan.','added':21,'deprecated':None},'KEYCODE_TV_SATELLITE_CS':{'as_int':239,'as_hex':'0x000000ef','description':'Key code constant: CS key.\nSwitches to CS digital satellite broadcasting service available in Japan.','added':21,'deprecated':None},'KEYCODE_TV_SATELLITE_SERVICE':{'as_int':240,'as_hex':'0x000000f0','description':'Key code constant: BS/CS key.\nToggles between BS and CS digital satellite services.','added':21,'deprecated':None},'KEYCODE_TV_TELETEXT':{'as_int':233,'as_hex':'0x000000e9','description':'Key code constant: Teletext key.\nDisplays Teletext service.','added':21,'deprecated':None},'KEYCODE_TV_TERRESTRIAL_ANALOG':{'as_int':235,'as_hex':'0x000000eb','description':'Key code constant: Analog Terrestrial key.\nSwitches to analog terrestrial broadcast service.','added':21,'deprecated':None},'KEYCODE_TV_TERRESTRIAL_DIGITAL':{'as_int':236,'as_hex':'0x000000ec','description':'Key code constant: Digital Terrestrial key.\nSwitches to digital terrestrial broadcast service.','added':21,'deprecated':None},'KEYCODE_TV_TIMER_PROGRAMMING':{'as_int':258,'as_hex':'0x00000102','description':'Key code constant: Timer programming key.\nGoes to the timer recording menu. Corresponds to Timer Programming (0x54) of\nCEC User Control Code.','added':21,'deprecated':None},'KEYCODE_TV_ZOOM_MODE':{'as_int':255,'as_hex':'0x000000ff','description':'Key code constant: Zoom mode key.\nChanges Zoom mode (Normal, Full, Zoom, Wide-zoom, etc.)','added':21,'deprecated':None},'KEYCODE_U':{'as_int':49,'as_hex':'0x00000031','description':"Key code constant: 'U' key.",'added':1,'deprecated':None},'KEYCODE_UNKNOWN':{'as_int':0,'as_hex':'0x00000000','description':'Key code constant: Unknown key code.','added':1,'deprecated':None},'KEYCODE_V':{'as_int':50,'as_hex':'0x00000032','description':"Key code constant: 'V' key.",'added':1,'deprecated':None},'KEYCODE_VIDEO_APP_1':{'as_int':289,'as_hex':'0x00000121','description':'Key code constant: Video Application key #1.','added':33,'deprecated':None},'KEYCODE_VIDEO_APP_2':{'as_int':290,'as_hex':'0x00000122','description':'Key code constant: Video Application key #2.','added':33,'deprecated':None},'KEYCODE_VIDEO_APP_3':{'as_int':291,'as_hex':'0x00000123','description':'Key code constant: Video Application key #3.','added':33,'deprecated':None},'KEYCODE_VIDEO_APP_4':{'as_int':292,'as_hex':'0x00000124','description':'Key code constant: Video Application key #4.','added':33,'deprecated':None},'KEYCODE_VIDEO_APP_5':{'as_int':293,'as_hex':'0x00000125','description':'Key code constant: Video Application key #5.','added':33,'deprecated':None},'KEYCODE_VIDEO_APP_6':{'as_int':294,'as_hex':'0x00000126','description':'Key code constant: Video Application key #6.','added':33,'deprecated':None},'KEYCODE_VIDEO_APP_7':{'as_int':295,'as_hex':'0x00000127','description':'Key code constant: Video Application key #7.','added':33,'deprecated':None},'KEYCODE_VIDEO_APP_8':{'as_int':296,'as_hex':'0x00000128','description':'Key code constant: Video Application key #8.','added':33,'deprecated':None},'KEYCODE_VOICE_ASSIST':{'as_int':231,'as_hex':'0x000000e7','description':'Key code constant: Voice Assist key.\nLaunches the global voice assist activity. Not delivered to applications.','added':21,'deprecated':None},'KEYCODE_VOLUME_DOWN':{'as_int':25,'as_hex':'0x00000019','description':'Key code constant: Volume Down key.\nAdjusts the speaker volume down.','added':1,'deprecated':None},'KEYCODE_VOLUME_MUTE':{'as_int':164,'as_hex':'0x000000a4','description':'Key code constant: Volume Mute key.\nMute key for speaker (unlike KEYCODE_MUTE, which is the mute key for the\nmicrophone). This key should normally be implemented as a toggle such that the first press\nmutes the speaker and the second press restores the original volume.','added':11,'deprecated':None},'KEYCODE_VOLUME_UP':{'as_int':24,'as_hex':'0x00000018','description':'Key code constant: Volume Up key.\nAdjusts the speaker volume up.','added':1,'deprecated':None},'KEYCODE_W':{'as_int':51,'as_hex':'0x00000033','description':"Key code constant: 'W' key.",'added':1,'deprecated':None},'KEYCODE_WAKEUP':{'as_int':224,'as_hex':'0x000000e0','description':'Key code constant: Wakeup key.\nWakes up the device. Behaves somewhat like KEYCODE_POWER but it\nhas no effect if the device is already awake.','added':20,'deprecated':None},'KEYCODE_WINDOW':{'as_int':171,'as_hex':'0x000000ab','description':'Key code constant: Window key.\nOn TV remotes, toggles picture-in-picture mode or other windowing functions.\nOn Android Wear devices, triggers a display offset.','added':11,'deprecated':None},'KEYCODE_X':{'as_int':52,'as_hex':'0x00000034','description':"Key code constant: 'X' key.",'added':1,'deprecated':None},'KEYCODE_Y':{'as_int':53,'as_hex':'0x00000035','description':"Key code constant: 'Y' key.",'added':1,'deprecated':None},'KEYCODE_YEN':{'as_int':216,'as_hex':'0x000000d8','description':'Key code constant: Japanese Yen key.','added':16,'deprecated':None},'KEYCODE_Z':{'as_int':54,'as_hex':'0x00000036','description':"Key code constant: 'Z' key.",'added':1,'deprecated':None},'KEYCODE_ZENKAKU_HANKAKU':{'as_int':211,'as_hex':'0x000000d3','description':'Key code constant: Japanese full-width / half-width key.','added':16,'deprecated':None},'KEYCODE_ZOOM_IN':{'as_int':168,'as_hex':'0x000000a8','description':'Key code constant: Zoom in key.','added':11,'deprecated':None},'KEYCODE_ZOOM_OUT':{'as_int':169,'as_hex':'0x000000a9','description':'Key code constant: Zoom out key.','added':11,'deprecated':None},'MAX_KEYCODE':{'as_int':84,'as_hex':'0x00000054','description':'This constant was deprecated\nin API level 15.\nThere are now more than MAX_KEYCODE keycodes.\nUse getMaxKeyCode() instead.','added':1,'deprecated':15},'META_ALT_LEFT_ON':{'as_int':16,'as_hex':'0x00000010','description':'This mask is used to check whether the left ALT meta key is pressed.','added':1,'deprecated':None},'META_ALT_MASK':{'as_int':50,'as_hex':'0x00000032','description':'This mask is a combination of META_ALT_ON, META_ALT_LEFT_ON\nand META_ALT_RIGHT_ON.','added':11,'deprecated':None},'META_ALT_ON':{'as_int':2,'as_hex':'0x00000002','description':'This mask is used to check whether one of the ALT meta keys is pressed.','added':1,'deprecated':None},'META_ALT_RIGHT_ON':{'as_int':32,'as_hex':'0x00000020','description':'This mask is used to check whether the right the ALT meta key is pressed.','added':1,'deprecated':None},'META_CAPS_LOCK_ON':{'as_int':1048576,'as_hex':'0x00100000','description':'This mask is used to check whether the CAPS LOCK meta key is on.','added':11,'deprecated':None},'META_CTRL_LEFT_ON':{'as_int':8192,'as_hex':'0x00002000','description':'This mask is used to check whether the left CTRL meta key is pressed.','added':11,'deprecated':None},'META_CTRL_MASK':{'as_int':28672,'as_hex':'0x00007000','description':'This mask is a combination of META_CTRL_ON, META_CTRL_LEFT_ON\nand META_CTRL_RIGHT_ON.','added':11,'deprecated':None},'META_CTRL_ON':{'as_int':4096,'as_hex':'0x00001000','description':'This mask is used to check whether one of the CTRL meta keys is pressed.','added':11,'deprecated':None},'META_CTRL_RIGHT_ON':{'as_int':16384,'as_hex':'0x00004000','description':'This mask is used to check whether the right CTRL meta key is pressed.','added':11,'deprecated':None},'META_FUNCTION_ON':{'as_int':8,'as_hex':'0x00000008','description':'This mask is used to check whether the FUNCTION meta key is pressed.','added':11,'deprecated':None},'META_META_LEFT_ON':{'as_int':131072,'as_hex':'0x00020000','description':'This mask is used to check whether the left META meta key is pressed.','added':11,'deprecated':None},'META_META_MASK':{'as_int':458752,'as_hex':'0x00070000','description':'This mask is a combination of META_META_ON, META_META_LEFT_ON\nand META_META_RIGHT_ON.','added':11,'deprecated':None},'META_META_ON':{'as_int':65536,'as_hex':'0x00010000','description':'This mask is used to check whether one of the META meta keys is pressed.','added':11,'deprecated':None},'META_META_RIGHT_ON':{'as_int':262144,'as_hex':'0x00040000','description':'This mask is used to check whether the right META meta key is pressed.','added':11,'deprecated':None},'META_NUM_LOCK_ON':{'as_int':2097152,'as_hex':'0x00200000','description':'This mask is used to check whether the NUM LOCK meta key is on.','added':11,'deprecated':None},'META_SCROLL_LOCK_ON':{'as_int':4194304,'as_hex':'0x00400000','description':'This mask is used to check whether the SCROLL LOCK meta key is on.','added':11,'deprecated':None},'META_SHIFT_LEFT_ON':{'as_int':64,'as_hex':'0x00000040','description':'This mask is used to check whether the left SHIFT meta key is pressed.','added':1,'deprecated':None},'META_SHIFT_MASK':{'as_int':193,'as_hex':'0x000000c1','description':'This mask is a combination of META_SHIFT_ON, META_SHIFT_LEFT_ON\nand META_SHIFT_RIGHT_ON.','added':11,'deprecated':None},'META_SHIFT_ON':{'as_int':1,'as_hex':'0x00000001','description':'This mask is used to check whether one of the SHIFT meta keys is pressed.','added':1,'deprecated':None},'META_SHIFT_RIGHT_ON':{'as_int':128,'as_hex':'0x00000080','description':'This mask is used to check whether the right SHIFT meta key is pressed.','added':1,'deprecated':None},'META_SYM_ON':{'as_int':4,'as_hex':'0x00000004','description':'This mask is used to check whether the SYM meta key is pressed.','added':1,'deprecated':None}}
adbkit
Easier ADB automationTested against Windows 10, Python 3.10, BlueStacks 5.9.300.1014 N32 / Google Pixel 5Cygwin is necessary:https://www.cygwin.com/setup-x86_64.exeand needs to be added to the path variable!pip install adbkitIf you are using Python 3.10 and get and Exception due to requests, execute pip install requests==2.31.0Don't get confused about the instance "self". I did it because it is faster copying methods from the class :)Here are some tutorials (Brazilian Portuguese)https://www.youtube.com/watch?v=sUAxys08d48https://www.youtube.com/watch?v=pWoDaTeobCwhttps://www.youtube.com/watch?v=sRYspWNviQI03/08/2023: Added 2 methods to find parents/children### self.aa_get_all_displayed_items_from_uiautomator_parents_children# can be called without an existing DataFrame# *args, **kwargs are passed to: self.aa_get_all_displayed_items_from_uiautomatorself.aa_update_screenshot()self.aa_get_all_displayed_items_from_uiautomator_parents_children(screenshotfolder='c:\\shotfolder')# can be called with an existing DataFrame from self.aa_get_all_displayed_items_from_uiautomatorself.aa_get_all_displayed_items_from_uiautomator_parents_children(df,screenshotfolder='c:\\shotfolder')Adds2columns:bb_index_parentbb_index_child0242521387023821334338443545437064386743102843118943134....### self.aa_get_all_displayed_items_from_activities_parents_children# can be called without an existing DataFrame# *args, **kwargs are passed to: self.aa_get_all_displayed_items_from_activitiesself.aa_update_screenshot()self.aa_get_all_displayed_items_from_activities_parents_children(screenshotfolder='c:\\shotfolder')# can be called with an existing DataFrame from self.aa_get_all_displayed_items_from_activitiesself.aa_get_all_displayed_items_from_activities_parents_children(df,screenshotfolder='c:\\shotfolder')Adds2columns:aa_index_parentaa_index_child0242521387023821334338443545437064386743102843118943134....28/05/2023: Added fast screenshots with scrcpy - no root required and some other methodsfromadbkitimportADBToolsfromkthread_sleepimportsleepadb_path=r'C:\ProgramData\chocolatey\bin\adb.exe'deviceserial="localhost:5555"ADBTools.aa_kill_all_running_adb_instances()self=ADBTools(adb_path=adb_path,deviceserial=deviceserial)self.aa_start_server()# creates a new process which is not a child processsleep(3)self.aa_connect_to_device()self.aa_activate_scrcpy_screenshots_tcp(adb_host_address="127.0.0.1",adb_host_port=5037,lock_video_orientation=0)# for a usb connection:# self.aa_activate_scrcpy_screenshots_usb(adb_host_address="127.0.0.1", adb_host_port=5037, lock_video_orientation=0)# each killkey combination can only be used once!self.aa_show_screenshot(sleeptime=1,killkeys="ctrl+alt+h")# How to stop showing screenshots# press the killkeys combination "ctrl+alt+h" and call the method aa_kill_show_screenshot to kill all threadsself.aa_kill_show_screenshot()# once your done with everything, make sure to close the scrcpy connection:self.aa_kill_scrcpy_connection()10/03/2023: Tesseract with multiprocessing / Bluestacks Hyper-V connect# Connects to all Bluestacks Hyper-V devices (dynamic ADB ports) and returns a DataFramefromadbkitimportADBToolsald=ADBTools.connect_to_all_bluestacks_hyperv_devices(adb_path="C:\\Users\\Gamer\\AppData\\Local\\Android\\Sdk\\platform-tools\\adb.exe",timeout=10,bluestacks_config=r"C:\ProgramData\BlueStacks_nxt\bluestacks.conf",)# Tesseract OCR on all found elements - multiprocessingadb_path="C:\\Users\\Gamer\\AppData\\Local\\Android\\Sdk\\platform-tools\\adb.exe"deviceserial="localhost:52249"self=ADBTools(adb_path=adb_path,deviceserial=deviceserial)self.aa_connect_to_device()self.aa_activate_tesseract(tesseractpath=r"C:\Program Files\Tesseract-OCR\tesseract.exe")self.aa_update_screenshot()df=self.aa_get_all_displayed_items_from_uiautomator(screenshotfolder="f:\\compare_android2",# screenshots will be saved heremax_variation_percent_x=10,# used for one of the click functions, to not click exactly in the center - more information belowmax_variation_percent_y=10,# used for one of the click functions, to not click exactly in the centerloung_touch_delay=(1000,1500,),# with this settings longtouch will take somewhere between 1 and 1,5 secondsswipe_variation_startx=10,# swipe coordinate variations in percentswipe_variation_endx=10,swipe_variation_starty=10,swipe_variation_endy=10,sdcard="/storage/emulated/0/",# sdcard will be used if you use the sendevent methods, don't pass a symlink - more information belowtmp_folder_on_sd_card="AUTOMAT",# this folder will be created in the sdcard folder for using sendevent actionsbluestacks_divider=32767,# coordinates must be recalculated for BlueStacks https://stackoverflow.com/a/73733261/15096247 when using sendevent)self.aa_ocr_df_with_tesseract_multiprocessing(df,language='eng',cpus=5)bb_areabb_boundsbb_center_xbb_center_x_croppedbb_center_ybb_center_y_croppedbb_checkablebb_checkedbb_classbb_clickablebb_content_descbb_cropped_x_endbb_cropped_x_startbb_cropped_y_endbb_cropped_y_startbb_enabledbb_focusablebb_focusedbb_heightbb_height_croppedbb_indexbb_keys_hierarchybb_long_clickablebb_old_indexbb_packagebb_passwordbb_pure_idbb_resource_idbb_screenshotbb_scrollablebb_selectedbb_shapelybb_textbb_valid_squarebb_widthbb_width_croppedbb_x_endbb_x_startbb_y_endbb_y_startee_bb_longtouchee_bb_longtouch_bsee_bb_longtouch_offsetee_bb_longtouch_offset_bsee_bb_touchee_bb_touch_bsee_bb_touch_offsetee_bb_touch_offset_bsff_bb_downswipeff_bb_save_screenshotff_bb_show_screenshotff_bb_tap_center_offsetff_bb_tap_center_offset_longff_bb_tap_center_variationff_bb_tap_center_variation_longff_bb_tap_exact_centerff_bb_tap_exact_center_longff_bb_upswipebb_scanned_text01440000.0(0,0,...800800450450FalseFalseandroi...False160009000TrueFalseFalse9009000(node,)False0com.bl...False<NA>[[[144...FalseFalsePOLYGO...True16001600160009000()()()()()()()()()()()()()()()()()()Size:...11440000.0(0,0,...800800450450FalseFalseandroi...False160009000TrueFalseFalse9009000(node,...False1com.bl...False<NA>[[[144...FalseFalsePOLYGO...True16001600160009000()()()()()()()()()()()()()()()()()()Size:...21440000.0(0,0,...800800450450FalseFalseandroi...False160009000TrueFalseFalse9009000(node,...False2com.bl...Falseid/con...androi...[[[144...FalseFalsePOLYGO...True16001600160009000()()()()()()()()()()()()()()()()()()Size:...31440000.0(0,0,...800800450450FalseFalseandroi...False160009000TrueFalseFalse9009000(node,...False3com.bl...False<NA>[[[144...FalseFalsePOLYGO...True16001600160009000()()()()()()()()()()()()()()()()()()Size:...41382400.0(0,36...800800468468FalseFalseandroi...False1600090036TrueFalseFalse8648640(node,...False4com.bl...Falseid/dra...com.bl...[[[32,...FalseFalsePOLYGO...True160016001600090036()()()()()()()()()()()()()()()()()()m6:«...51382400.0(0,36...800800468468FalseFalseandroi...False1600090036TrueFalseFalse8648640(node,...False5com.bl...Falseid/ite...com.bl...[[[32,...FalseFalsePOLYGO...True160016001600090036()()()()()()()()()()()()()()()()()()m6:«...61382400.0(0,36...800800468468FalseFalseandroi...False1600090036TrueFalseFalse8648640(node,...False6com.bl...False<NA>[[[32,...FalseFalsePOLYGO...True160016001600090036()()()()()()()()()()()()()()()()()()m6:«...71382400.0(0,36...800800468468FalseFalseandroi...False1600090036TrueFalseFalse8648641(node,...False7com.bl...False<NA>[[[32,...FalseFalsePOLYGO...True160016001600090036()()()()()()()()()()()()()()()()()()m6:«...8771120.0(44,8...800800335335FalseFalsea.q.a.bFalse15564459080TrueTrueFalse5105100(node,...False8com.bl...Falseid/des...com.bl...[[[35,...FalseFalsePOLYGO...True1512151215564459080()()()()()()()()()()()()()()()()()()asÂ¥...9281464.0(196,...800800783783FalseFalseandroi...False1404196900667TrueFalseFalse2332333(node,...False9com.bl...Falseid/dockcom.bl...[[[35,...FalseFalsePOLYGO...True120812081404196900667()()()()()()()()()()()()()()()()()()Street...10771120.0(44,8...800800335335FalseFalseandroi...False15564459080TrueFalseFalse5105100(node,...False10com.bl...False<NA>[[[35,...FalseFalsePOLYGO...True1512151215564459080()()()()()()()()()()()()()()()()()()asÂ¥...1121744.0(196,...800800685685FalseFalseandroi...False1404196694676TrueFalseFalse18180(node,...False11com.bl...Falseid/pop...com.bl...[[[35,...FalseFalsePOLYGO...JOGOS...True120812081404196694676()()()()()()()()()()()()()()()()()()JOGOS...12248848.0(196,...800800797797FalseFalseandroi...False1404196900694TrueFalseFalse2062061(node,...False12com.bl...Falseid/fra...com.bl...[[[35,...FalseFalsePOLYGO...True120812081404196900694()()()()()()()()()()()()()()()()()()Â¥4e...1342840.0(44,8...170170165165FalseFalseandroi...True2964425080TrueTrueFalse1701700(node,...True13com.bl...False<NA>[[[35,...FalseFalsePOLYGO...True2522522964425080()()()()()()()()()()()()()()()()()()PlayS...1442840.0(296,...422422165165FalseFalseandroi...True54829625080TrueTrueFalse1701701(node,...True14com.bl...False<NA>[[[36,...FalseFalsePOLYGO...True25225254829625080()()()()()()()()()()()()()()()()()()Centra...1542840.0(548,...674674165165FalseFalseandroi...True80054825080TrueTrueFalse1701702(node,...True15com.bl...False<NA>[[[35,...FalseFalsePOLYGO...True25225280054825080()()()()()()()()()()()()()()()()()()asGa...1642840.0(800,...926926165165FalseFalseandroi...True105280025080TrueTrueFalse1701703(node,...True16com.bl...False<NA>[[[35,...FalseFalsePOLYGO...True252252105280025080()()()()()()()()()()()()()()()()()()Jogue...1742840.0(1052,...11781178165165FalseFalseandroi...True1304105225080TrueTrueFalse1701704(node,...True17com.bl...False<NA>[[[35,...FalseFalsePOLYGO...True2522521304105225080()()()()()()()()()()()()()()()()()()IMEI/P...1842840.0(1304,...14301430165165FalseFalseandroi...True1556130425080TrueTrueFalse1701705(node,...True18com.bl...False<NA>[[[38,...FalseFalsePOLYGO...True2522521556130425080()()()()()()()()()()()()()()()()()()SocksD...19248848.0(196,...800800797797FalseFalseandroi...False1404196900694TrueFalseFalse2062060(node,...False19com.bl...False<NA>[[[35,...FalseFalsePOLYGO...True120812081404196900694()()()()()()()()()()()()()()()()()()Â¥4e...20140128.0(196,...800800842842FalseFalseandroi...False1404196900784TrueFalseFalse1161161(node,...False20com.bl...Falseid/vie...com.bl...[[[35,...FalseFalsePOLYGO...True120812081404196900784()()()()()()()()()()()()()()()()()()21197288.0(258,...800800785785FalseFalseandroi...False1342258876694TrueFalseFalse1821820(node,...False21com.bl...Falseid/all...com.bl...[[[35,...FalseFalsePOLYGO...True108410841342258876694()()()()()()()()()()()()()()()()()()a2e4...2228938.0(324,...403403785785FalseFalseandroi...True483324876694TrueTrueFalse1821820(node,...False22com.bl...Falseid/app...com.bl...[[[35,...FalseFalsePOLYGO...True159159483324876694()()()()()()()()()()()()()()()()()()Street...2328938.0(483,...562562785785FalseFalseandroi...True642483876694TrueTrueFalse1821821(node,...False23com.bl...Falseid/app...com.bl...[[[35,...FalseFalsePOLYGO...True159159642483876694()()()()()()()()()()()()()()()()()()LymV...2428938.0(642,...721721785785FalseFalseandroi...True801642876694TrueTrueFalse1821822(node,...False24com.bl...Falseid/app...com.bl...[[[35,...FalseFalsePOLYGO...True159159801642876694()()()()()()()()()()()()()()()()()()2528938.0(801,...880880785785FalseFalseandroi...True960801876694TrueTrueFalse1821823(node,...False25com.bl...Falseid/app...com.bl...[[[35,...FalseFalsePOLYGO...True159159960801876694()()()()()()()()()()()()()()()()()()WarRo...2628756.0(960,...10391039785785FalseFalseandroi...True1118960876694TrueTrueFalse1821824(node,...False26com.bl...Falseid/app...com.bl...[[[35,...FalseFalsePOLYGO...True1581581118960876694()()()()()()()()()()()()()()()()()()Warspe...2728756.0(1118,...11971197785785FalseFalseandroi...True12761118876694TrueTrueFalse1821825(node,...False27com.bl...Falseid/app...com.bl...[[[35,...FalseFalsePOLYGO...True15815812761118876694()()()()()()()()()()()()()()()()()()DarkO...2810000.0(353,...403403770770FalseFalseandroi...False453353820720TrueFalseFalse1001000(node,...False28com.bl...Falseid/app...com.bl...[[[44,...FalseFalsePOLYGO...True100100453353820720()()()()()()()()()()()()()()()()()()297632.0(324,...403403852852FalseFalseandroi...False483324876828TrueFalseFalse48481(node,...False29com.bl...Falseid/app...com.bl...[[[53,...FalseFalsePOLYGO...Street...True159159483324876828()()()()()()()()()()()()()()()()()()Street...3010000.0(512,...562562770770FalseFalseandroi...False612512820720TrueFalseFalse1001000(node,...False30com.bl...Falseid/app...com.bl...[[[46,...FalseFalsePOLYGO...True100100612512820720()()()()()()()()()()()()()()()()()()awings317632.0(483,...562562852852FalseFalseandroi...False642483876828TrueFalseFalse48481(node,...False31com.bl...Falseid/app...com.bl...[[[53,...FalseFalsePOLYGO...Viking...True159159642483876828()()()()()()()()()()()()()()()()()()Viking...3210000.0(671,...721721770770FalseFalseandroi...False771671820720TrueFalseFalse1001000(node,...False32com.bl...Falseid/app...com.bl...[[[182...FalseFalsePOLYGO...True100100771671820720()()()()()()()()()()()()()()()()()()337632.0(642,...721721852852FalseFalseandroi...False801642876828TrueFalseFalse48481(node,...False33com.bl...Falseid/app...com.bl...[[[53,...FalseFalsePOLYGO...Draken...True159159801642876828()()()()()()()()()()()()()()()()()()Draken...3410000.0(830,...880880770770FalseFalseandroi...False930830820720TrueFalseFalse1001000(node,...False34com.bl...Falseid/app...com.bl...[[[184...FalseFalsePOLYGO...True100100930830820720()()()()()()()()()()()()()()()()()()357632.0(801,...880880852852FalseFalseandroi...False960801876828TrueFalseFalse48481(node,...False35com.bl...Falseid/app...com.bl...[[[53,...FalseFalsePOLYGO...WarRo...True159159960801876828()()()()()()()()()()()()()()()()()()WarRo...3610000.0(989,...10391039770770FalseFalseandroi...False1089989820720TrueFalseFalse1001000(node,...False36com.bl...Falseid/app...com.bl...[[[243...FalseFalsePOLYGO...True1001001089989820720()()()()()()()()()()()()()()()()()()377584.0(960,...10391039852852FalseFalseandroi...False1118960876828TrueFalseFalse48481(node,...False37com.bl...Falseid/app...com.bl...[[[53,...FalseFalsePOLYGO...Warspe...True1581581118960876828()()()()()()()()()()()()()()()()()()Warspe...3810000.0(1147,...11971197770770FalseFalseandroi...False12471147820720TrueFalseFalse1001000(node,...False38com.bl...Falseid/app...com.bl...[[[59,...FalseFalsePOLYGO...True10010012471147820720()()()()()()()()()()()()()()()()()()397584.0(1118,...11971197852852FalseFalseandroi...False12761118876828TrueFalseFalse48481(node,...False39com.bl...Falseid/app...com.bl...[[[53,...FalseFalsePOLYGO...DarkO...True15815812761118876828()()()()()()()()()()()()()()()()()()DarkO...40529.0(745,...756756734734FalseFalseandroi...False768745746723TrueFalseFalse23230(node,...False40com.bl...Falseid/pop...com.bl...[[[0,...FalseFalsePOLYGO...True2323768745746723()()()()()()()()()()()()()()()()()()41529.0(1221,...12321232734734FalseFalseandroi...False12441221746723TrueFalseFalse23230(node,...False41com.bl...Falseid/pop...com.bl...[[[0,...FalseFalsePOLYGO...True232312441221746723()()()()()()()()()()()()()()()()()()self.aa_update_screenshot()df=self.aa_get_all_displayed_items_from_activities(screenshotfolder="f:\\compare_android",# screenshots will be saved heremax_variation_percent_x=10,# used for one of the click functions, to not click exactly in the center - more information belowmax_variation_percent_y=10,# used for one of the click functions, to not click exactly in the centerloung_touch_delay=(1000,1500,),# with this settings longtouch will take somewhere between 1 and 1,5 secondsswipe_variation_startx=10,# swipe coordinate variations in percentswipe_variation_endx=10,swipe_variation_starty=10,swipe_variation_endy=10,sdcard="/storage/emulated/0/",# sdcard will be used if you use the sendevent methods, don't pass a symlink - more information belowtmp_folder_on_sd_card="AUTOMAT",# this folder will be created in the sdcard folder for using sendevent actionsbluestacks_divider=32767,# coordinates must be recalculated for BlueStacks https://stackoverflow.com/a/73733261/15096247 when using sendevent)dftesser=self.aa_ocr_df_with_tesseract_multiprocessing(df,language='eng',cpus=5)aa_areaaa_boundsaa_center_xaa_center_x_croppedaa_center_yaa_center_y_croppedaa_class_nameaa_clickableaa_complete_dumpaa_context_clickableaa_cropped_x_endaa_cropped_x_startaa_cropped_y_endaa_cropped_y_startaa_depthaa_drawnaa_enabledaa_focusableaa_has_screenshotaa_hashcode_hexaa_hashcode_intaa_heightaa_height_croppedaa_id_informationaa_is_childaa_long_clickableaa_mID_hexaa_mID_intaa_old_indexaa_pflag_activatedaa_pflag_dirty_maskaa_pflag_focusedaa_pflag_hoveredaa_pflag_invalidatedaa_pflag_is_root_namespaceaa_pflag_prepressedaa_pflag_selectedaa_pure_idaa_screenshotaa_scrollbars_horizontalaa_scrollbars_verticalaa_shapelyaa_valid_squareaa_visibilityaa_widthaa_width_croppedaa_x_endaa_x_end_relativeaa_x_startaa_x_start_relativeaa_y_endaa_y_end_relativeaa_y_startaa_y_start_relativeee_aa_longtouchee_aa_longtouch_bsee_aa_longtouch_offsetee_aa_longtouch_offset_bsee_aa_touchee_aa_touch_bsee_aa_touch_offsetee_aa_touch_offset_bsff_aa_downswipeff_aa_save_screenshotff_aa_show_screenshotff_aa_tap_center_offsetff_aa_tap_center_offset_longff_aa_tap_center_variationff_aa_tap_center_variation_longff_aa_tap_exact_centerff_aa_tap_exact_center_longff_aa_upswipeff_show_parentsparent_000parent_001parent_002parent_003parent_004parent_005parent_006parent_007parent_008parent_009parent_010parent_011aa_scanned_text0529.0(427,...438438734734androi...False...False45042774672312TrueTrueFalseTruec741e852089365812323app:id...TrueFalse7f08011e213123...29FalseTrueFalseFalseTrueFalseFalseFalseid/pop...[[[103...FalseFalsePOLYGO...TrueI23234509742774746267233()()()()()()()()()()()()()()()()()()()2827262422206543201529.0(586,...597597734734androi...False...False60958674672312TrueTrueFalseTruee9bb4da2450854022323app:id...TrueFalse7f080121213123...33FalseTrueFalseFalseTrueFalseFalseFalseid/pop...[[[187...FalseFalsePOLYGO...TrueI23236099758674746267233()()()()()()()()()()()()()()()()()()()3231262422206543202529.0(745,...756756734734androi...False...False76874574672312TrueTrueFalseTrue5a48615946683092323app:id...TrueFalse7f080120213123...37FalseFalseFalseFalseFalseFalseFalseFalseid/pop...[[[0,...FalseFalsePOLYGO...TrueV23237689774574746267233()()()()()()()()()()()()()()()()()()()3635262422206543203529.0(904,...915915734734androi...False...False92790474672312TrueTrueFalseTrue4029d0b672801392323app:id...TrueFalse7f08011d213123...41FalseTrueFalseFalseTrueFalseFalseFalseid/pop...[[[255...FalseFalsePOLYGO...TrueI23239279790474746267233()()()()()()()()()()()()()()()()()()()4039262422206543204529.0(1063,...10741074734734androi...False...False1086106374672312TrueTrueFalseTrue27867e8414453522323app:id...TrueFalse7f08011c213123...45FalseTrueFalseFalseTrueFalseFalseFalseid/pop...[[[65,...FalseFalsePOLYGO...TrueI2323108697106374746267233()()()()()()()()()()()()()()()()()()()4443262422206543205529.0(1221,...12321232734734androi...False...False1244122174672312TrueTrueFalseTrue125ad2a192463782323app:id...TrueFalse7f08011f213123...49FalseFalseFalseFalseFalseFalseFalseFalseid/pop...[[[0,...FalseFalsePOLYGO...TrueV2323124497122174746267233()()()()()()()()()()()()()()()()()()()484726242220654320610000.0(353,...403403770770androi...False...False45335382072011FalseTrueFalseTrue29caf0f43822863100100app:id...TrueFalse7f080058213123...28FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[44,...FalseFalsePOLYGO...TrueV1001004531293532982013472034()()()()()()()()()()()()()()()()()()()2726242220654320<NA>77632.0(324,...403403852852androi...False...False48332487682811TrueTrueFalseTrueea74b9c2458448924848app:id...TrueFalse7f080060213123...30FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[53,...FalseFalsePOLYGO...TrueV1591594831593240876190828142()()()()()()()()()()()()()()()()()()()2726242220654320<NA>Street...810000.0(512,...562562770770androi...False...False61251282072011FalseTrueFalseTruecece9a5216852901100100app:id...TrueFalse7f08005b213123...32FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[46,...FalseFalsePOLYGO...TrueV1001006121295122982013472034()()()()()()()()()()()()()()()()()()()3126242220654320<NA>awings97632.0(483,...562562852852androi...False...False64248387682811TrueTrueFalseTrueaadf17a1791717064848app:id...TrueFalse7f080063213123...34FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[53,...FalseFalsePOLYGO...TrueV1591596421594830876190828142()()()()()()()()()()()()()()()()()()()3126242220654320<NA>Viking...1010000.0(671,...721721770770androi...False...False77167182072011FalseTrueFalseTrue9ff2d2b167718187100100app:id...TrueFalse7f08005a213123...36FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[182...FalseFalsePOLYGO...TrueV1001007711296712982013472034()()()()()()()()()()()()()()()()()()()3526242220654320<NA>117632.0(642,...721721852852androi...False...False80164287682811TrueTrueFalseTruebab85881957902164848app:id...TrueFalse7f080062213123...38FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[53,...FalseFalsePOLYGO...TrueV1591598011596420876190828142()()()()()()()()()()()()()()()()()()()3526242220654320<NA>Draken...1210000.0(830,...880880770770androi...False...False93083082072011FalseTrueFalseTrue9e77b21166165281100100app:id...TrueFalse7f080057213123...40FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[184...FalseFalsePOLYGO...TrueV1001009301298302982013472034()()()()()()()()()()()()()()()()()()()3926242220654320<NA>137632.0(801,...880880852852androi...False...False96080187682811TrueTrueFalseTrueb99ab461946202304848app:id...TrueFalse7f08005f213123...42FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[53,...FalseFalsePOLYGO...TrueV1591599601598010876190828142()()()()()()()()()()()()()()()()()()()3926242220654320<NA>WarRo...1410000.0(989,...10391039770770androi...False...False108998982072011FalseTrueFalseTruec1710712677383100100app:id...TrueFalse7f080056213123...44FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[243...FalseFalsePOLYGO...TrueV10010010891299892982013472034()()()()()()()()()()()()()()()()()()()4326242220654320<NA>157584.0(960,...10391039852852androi...False...False111896087682811TrueTrueFalseTrue5377234875197964848app:id...TrueFalse7f08005e213123...46FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[53,...FalseFalsePOLYGO...TrueV15815811181589600876190828142()()()()()()()()()()()()()()()()()()()4326242220654320<NA>Warspe...1610000.0(1147,...11971197770770androi...False...False1247114782072011FalseTrueFalseTrue59fa85d94349405100100app:id...TrueFalse7f080059213123...48FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[59,...FalseFalsePOLYGO...TrueV100100124712911472982013472034()()()()()()()()()()()()()()()()()()()4726242220654320<NA>177584.0(1118,...11971197852852androi...False...False1276111887682811TrueTrueFalseTruef3535d22551454264848app:id...TrueFalse7f080061213123...50FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[53,...FalseFalsePOLYGO...TrueV158158127615811180876190828142()()()()()()()()()()()()()()()()()()()4726242220654320<NA>DarkO...1830210.0(324,...403403781781androi...True...False48332487668610FalseTrueTrueTrue18369ed25389549190190app:id...TrueFalse7f080050213123...27FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[35,...FalseFalsePOLYGO...TrueV159159483225324668761906860()()()()()()()()()()()()()()()()()()()26242220654320<NA><NA>Street...1930210.0(483,...562562781781androi...True...False64248387668610FalseTrueTrueTrue9888022159940642190190app:id...TrueFalse7f080053213123...31FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[35,...FalseFalsePOLYGO...TrueV1591596423844832258761906860()()()()()()()()()()()()()()()()()()()26242220654320<NA><NA>LymV...2030210.0(642,...721721781781androi...True...False80164287668610FalseTrueTrueTrue2751ab341228979190190app:id...TrueFalse7f080052213123...35FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[35,...FalseFalsePOLYGO...TrueV1591598015436423848761906860()()()()()()()()()()()()()()()()()()()26242220654320<NA><NA>iDrak...2130210.0(801,...880880781781androi...True...False96080187668610FalseTrueTrueTrue371187057743472190190app:id...TrueFalse7f08004f213123...39FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[87,...FalseFalsePOLYGO...TrueV1591599607028015438761906860()()()()()()()()()()()()()()()()()()()26242220654320<NA><NA>WarRo...2230020.0(960,...10391039781781androi...True...False111896087668610FalseTrueTrueTrue339b7e954114281190190app:id...TrueFalse7f08004e213123...43FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[35,...FalseFalsePOLYGO...TrueV15815811188609607028761906860()()()()()()()()()()()()()()()()()()()26242220654320<NA><NA>Warspe...2330020.0(1118,...11971197781781androi...True...False1276111887668610FalseTrueTrueTruecd27c6e215121006190190app:id...TrueFalse7f080051213123...47FalseFalseFalseFalseFalseFalseFalseFalseid/app...[[[35,...FalseFalsePOLYGO...TrueV1581581276101811188608761906860()()()()()()()()()()()()()()()()()()()26242220654320<NA><NA>DarkO...24900.0(785,...800800797797androi...False...False8157858127829TrueTrueFalseTrue268c7fc404213723030app:id...TrueFalse7f0800a8213123...25FalseFalseFalseFalseTrueFalseFalseFalseid/doc...[[[35,...FalseFalsePOLYGO...TrueG303081561978558981211878288()()()()()()()()()()()()()()()()()()()242220654320<NA><NA><NA>25205960.0(258,...800800781781androi...False...False13422588766869FalseTrueFalseTrue8a2d3cc144888780190190app:id...TrueFalse7f080048213123...26FalseFalseFalseFalseFalseFalseFalseFalseid/all...[[[35,...FalseFalsePOLYGO...TrueV108410841342114625862876182686-8()()()()()()()()()()()()()()()()()()()242220654320<NA><NA><NA>Street...2651579.0(31,6...8128127878androi...True...False15943195629TrueTrueTrueTrueb601a941908476363333app:id...TrueFalse7f0800c6213123...54FalseTrueFalseFalseTrueFalseFalseFalseid/gro...[[[35,...FalseFalsePOLYGO...TrueV1563156315941588312595536220()()()()()()()()()()()()()()()()()()()535251654320<NA><NA><NA>271179406.0(43,9...800800484484com.bl...False...False155743874959TrueTrueFalseTrue27c993d41720125779779app:id...TrueFalse7f0800c3213123...55FalseTrueFalseFalseTrueFalseFalseFalseid/group[[[35,...FalseFalsePOLYGO...TrueV151415141557155143378748329553()()()()()()()()()()()()()()()()()()()535251654320<NA><NA><NA>Gaui...2842840.0(296,...422422165165com.bl...True...False548296250808TrueTrueTrueTrued801f884767170170<NA>TrueTrue<NA><NA>10FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[36,...FalseFalsePOLYGO...TrueV252252548504296252250170800()()()()()()()()()()()()()()()()()()()98654320<NA><NA><NA><NA>Centra...2942840.0(44,8...170170165165com.bl...True...False29644250808TrueTrueTrueTrue9c32f6c163786604170170<NA>TrueTrue<NA><NA>11FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[35,...FalseFalsePOLYGO...TrueV252252296252440250170800()()()()()()()()()()()()()()()()()()()98654320<NA><NA><NA><NA>PlayS...3042840.0(800,...926926165165com.bl...True...False1052800250808TrueTrueTrueTruea164935169232693170170<NA>TrueTrue<NA><NA>12FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[35,...FalseFalsePOLYGO...TrueV25225210521008800756250170800()()()()()()()()()()()()()()()()()()()98654320<NA><NA><NA><NA>Jogue...3142840.0(1052,...11781178165165com.bl...True...False13041052250808TrueTrueTrueTrue9c981ca164200906170170<NA>TrueTrue<NA><NA>13FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[35,...FalseFalsePOLYGO...TrueV2522521304126010521008250170800()()()()()()()()()()()()()()()()()()()98654320<NA><NA><NA><NA>IMEI/P...3242840.0(548,...674674165165com.bl...True...False800548250808TrueTrueTrueTruec93ff3b211025723170170<NA>TrueTrue<NA><NA>14FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[35,...FalseFalsePOLYGO...TrueV252252800756548504250170800()()()()()()()()()()()()()()()()()()()98654320<NA><NA><NA><NA>asGa...3342840.0(1304,...14301430165165com.bl...True...False15561304250808TrueTrueTrueTrue569d65890822232170170<NA>TrueTrue<NA><NA>15FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[38,...FalseFalsePOLYGO...TrueV2522521556151213041260250170800()()()()()()()()()()()()()()()()()()()98654320<NA><NA><NA><NA>SocksD...34140128.0(196,...800800842842androi...False...False14041969007848TrueTrueFalseTrued395417221860887116116app:id...TrueFalse7f08017f213123...23FalseFalseFalseFalseFalseFalseFalseFalseid/vie...[[[35,...FalseFalsePOLYGO...TrueV1208120814041208196090020678490()()()()()()()()()()()()()()()()()()()2220654320<NA><NA><NA><NA>35248848.0(196,...800800797797androi...False...False14041969006948FalseTrueFalseTrue9d20004164757508206206<NA>TrueFalse<NA><NA>24FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[35,...FalseFalsePOLYGO...TrueV120812081404120819609002066940()()()()()()()()()()()()()()()()()()()2220654320<NA><NA><NA><NA>Â¥4e...361352976.0(6,42...800800468468androi...False...False15946894428FalseTrueFalseTrueebbfee7247201511852852<NA>TrueFalse<NA><NA>53FalseTrueFalseFalseTrueFalseFalseFalse<NA>[[[39,...FalseFalsePOLYGO...TrueV158815881594159466894858426()()()()()()()()()()()()()()()()()()()5251654320<NA><NA><NA><NA>a||...37771120.0(44,8...800800335335com.bl...False...False155644590807TrueTrueFalseTrue49b71b4831003510510<NA>TrueFalse<NA><NA>9FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[35,...FalseFalsePOLYGO...TrueV1512151215561512440590510800()()()()()()()()()()()()()()()()()()()8654320<NA><NA><NA><NA><NA>asÂ¥...38225.0(726,...733733620620androi...False...False7417266286137TrueTrueFalseTrue1b8c9ce288875021515app:id...TrueFalse7f0800ef213123...18FalseTrueFalseFalseTrueFalseFalseFalseid/loa...[[[35,...FalseFalsePOLYGO...TrueV15157412572610628226137()()()()()()()()()()()()()()()()()()()17654320<NA><NA><NA><NA><NA>392604.0(751,...813813620620androi...False...False8757516316107TrueTrueFalseTruec7ee0ef2096417112121app:id...TrueFalse7f0800dc213123...19FalseTrueFalseFalseTrueFalseFalseFalseid/ins...[[[35,...FalseFalsePOLYGO...TrueV12412487515975135631256104()()()()()()()()()()()()()()()()()()()17654320<NA><NA><NA><NA><NA>4021744.0(196,...800800685685androi...False...False14041966946767TrueTrueFalseTrued6f43b12253956331818app:id...TrueFalse7f08011b213123...21FalseFalseFalseFalseFalseFalseFalseFalseid/pop...[[[35,...FalseFalsePOLYGO...TrueV12081208140412081960694276769()()()()()()()()()()()()()()()()()()()20654320<NA><NA><NA><NA><NA>JOGOS...41248848.0(196,...800800797797androi...False...False14041969006947FalseTrueFalseTrueae5f096182841494206206app:id...TrueFalse7f0800bd213123...22FalseFalseFalseFalseFalseFalseFalseFalseid/fra...[[[35,...FalseFalsePOLYGO...TrueV1208120814041208196090023369427()()()()()()()()()()()()()()()()()()()20654320<NA><NA><NA><NA><NA>Â¥4e...421382400.0(0,36...800800468468androi...False...False16000900367FalseTrueFalseTrue69044a6110118054864864<NA>TrueFalse<NA><NA>52FalseTrueFalseFalseTrueFalseFalseFalse<NA>[[[32,...FalseFalsePOLYGO...TrueI160016001600160000900864360()()()()()()()()()()()()()()()()()()()51654320<NA><NA><NA><NA><NA>m6:«...431382400.0(0,36...800800468468androi...False...False16000900366FalseTrueFalseTrue46dee9374313363864864app:id...TrueFalse7f08006c213123...7FalseFalseFalseFalseTrueFalseFalseFalseid/bac...[[[32,...FalseFalsePOLYGO...TrueI160016001600160000900864360()()()()()()()()()()()()()()()()()()()654320<NA><NA><NA><NA><NA><NA>m6:«...44771120.0(44,8...800800335335com.bl...False...False155644590806TrueTrueTrueTrue6affac3112196291510510app:id...TrueFalse7f08009e213123...8FalseFalseFalseFalseFalseFalseFalseFalseid/des...[[[35,...FalseFalsePOLYGO...TrueV151215121556155644445905548044()()()()()()()()()()()()()()()()()()()654320<NA><NA><NA><NA><NA><NA>asÂ¥...4525600.0(0,59...800800598598com.bl...False...False160006065906TrueTrueFalseTruea318ed01710199841616app:id...TrueFalse7f08009f213123...16FalseTrueFalseFalseTrueFalseFalseFalseid/des...[[[28,...FalseFalsePOLYGO...TrueI160016001600160000606570590554()()()()()()()()()()()()()()()()()()()654320<NA><NA><NA><NA><NA><NA>465070.0(716,...800800621621androi...False...False8857166366066FalseTrueFalseTrue57d5ec9921023453030app:id...TrueFalse7f0800db213123...17FalseTrueFalseFalseTrueFalseFalseFalseid/ins...[[[35,...FalseFalsePOLYGO...TrueI169169885885716716636600606570()()()()()()()()()()()()()()()()()()()654320<NA><NA><NA><NA><NA><NA>47281464.0(196,...800800783783androi...False...False14041969006676FalseTrueFalseTrued275f40220684096233233app:id...TrueFalse7f0800a7213123...20FalseFalseFalseFalseFalseFalseFalseFalseid/dock[[[35,...FalseFalsePOLYGO...TrueV1208120814041404196196900864667631()()()()()()()()()()()()()()()()()()()654320<NA><NA><NA><NA><NA><NA>Street...481382400.0(0,36...800800468468com.bl...True...False16000900366FalseTrueTrueTrue25d1e0139656961864864app:id...TrueFalse7f0800c4213123...51FalseTrueFalseFalseTrueFalseFalseFalseid/gro...[[[32,...FalseFalsePOLYGO...TrueI160016001600160000900864360()()()()()()()()()()()()()()()()()()()654320<NA><NA><NA><NA><NA><NA>m6:«...4919380.0(44,8...6363335335androi...False...False8244590806TrueTrueFalseTrue4493e7971908985510510app:id...TrueFalse7f0800e5213123...56FalseFalseFalseFalseFalseFalseFalseFalseid/lef...[[[35,...FalseFalsePOLYGO...TrueV3838828244445905548044()()()()()()()()()()()()()()()()()()()654320<NA><NA><NA><NA><NA><NA>5019380.0(1518,...15371537335335androi...False...False15561518590806TrueTrueFalseTrueecea7be248424382510510app:id...TrueFalse7f08012e213123...57FalseFalseFalseFalseFalseFalseFalseFalseid/rig...[[[37,...FalseFalsePOLYGO...TrueV383815561556151815185905548044()()()()()()()()()()()()()()()()()()()654320<NA><NA><NA><NA><NA><NA>511382400.0(0,36...800800468468androi...False...False16000900365FalseTrueFalseTrue294a77d43296637864864<NA>TrueFalse<NA><NA>6FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[32,...FalseFalsePOLYGO...TrueV160016001600160000900864360()()()()()()()()()()()()()()()()()()()54320<NA><NA><NA><NA><NA><NA><NA>m6:«...521382400.0(0,36...800800468468com.bl...False...False16000900365TrueTrueFalseTruec019672201430642864864<NA>TrueFalse<NA><NA>58FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[32,...FalseFalsePOLYGO...TrueV160016001600160000900864360()()()()()()()()()()()()()()()()()()()54320<NA><NA><NA><NA><NA><NA><NA>m6:«...531382400.0(0,36...800800468468com.bl...False...False16000900364TrueTrueFalseTrue38d79ff59603455864864app:id...TrueFalse7f0800df213123...5FalseFalseFalseFalseFalseFalseFalseFalseid/ite...[[[32,...FalseFalsePOLYGO...TrueV160016001600160000900864360()()()()()()()()()()()()()()()()()()()4320<NA><NA><NA><NA><NA><NA><NA><NA>m6:«...541382400.0(0,36...800800468468androi...False...False16000900363FalseTrueTrueTrued8cdd1e227335454864864app:id...TrueFalse7f0800b1213123...4FalseFalseTrueFalseFalseFalseFalseFalseid/dra...[[[32,...FalseFalsePOLYGO...TrueV1600160016001600009009003636()()()()()()()()()()()()()()()()()()()320<NA><NA><NA><NA><NA><NA><NA><NA><NA>m6:«...551440000.0(0,0,...800800450450androi...Falsean...False1600090002FalseTrueFalseTrue2b36d5945313369900900<NA>TrueFalse<NA><NA>3FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[144...FalseFalsePOLYGO...TrueV16001600160016000090090000()()()()()()()()()()()()()()()()()()()20<NA><NA><NA><NA><NA><NA><NA><NA><NA><NA>Size:...560.0(0,0,...0000androi...Falseandr...False00001FalseTrueFalseFalse812b78213544435400androi...TrueFalse102018a169086821FalseFalseFalseFalseTrueFalseFalseFalseid/act...NaNFalseFalsePOLYGO...FalseG0000000000()()()()()()()()()<NA>()()()()()()()()()0<NA><NA><NA><NA><NA><NA><NA><NA><NA><NA><NA>571440000.0(0,0,...800800450450androi...Falseandr...False1600090001FalseTrueFalseTrue5f37da099843488900900androi...TrueFalse1020002169082902FalseFalseFalseFalseFalseFalseFalseFalseid/con...[[[144...FalseFalsePOLYGO...TrueV16001600160016000090090000()()()()()()()()()()()()()()()()()()()0<NA><NA><NA><NA><NA><NA><NA><NA><NA><NA><NA>Size:...01/03/2023: Added adbdevicechanger# https://github.com/hansalemaos/adbdevicechanger# tested with bluestacks - root accessself.aa_activate_adbdevicechanger()self.bb_adbdevicechanger.change_android_id()b'Row: 0 _id=227, name=device_name, value=OnePlus 5T\r\n'Out[7]:('f7a32086dc724a4a','OnePlus 5T')self.bb_adbdevicechanger.change_device_name(modelregex=".*",developerregex=".*",androidfullnameregex=".*",year=">1",month=">0",versionnumberaround=7.05,)b'Row: 0 _id=2340, name=android_id, value=f7a32086dc724a4a\r\n'b'Row: 0 _id=228, name=device_name, value=HTC U11\r\n'Out[8]:('f7a32086dc724a4a','HTC U11')self.bb_adbdevicechanger.change_android_id_and_device_name(modelregex=".*",developerregex=".*",androidfullnameregex=".*",year=">1",month=">0",versionnumberaround=7.05,)b'Row: 0 _id=2341, name=android_id, value=fb9afc93197942d8\r\n'b'Row: 0 _id=229, name=device_name, value=Nokia 8\r\n'Out[9]:('fb9afc93197942d8','Nokia 8')self.bb_adbdevicechanger.get_random_android_cellphones(modelregex="Samsung.*",developerregex=".*",androidfullnameregex=".*",year=">2010",month=">0",versionnumberaround=9.05,howmany=10,return_list=False,)Out[13]:aa_model...uuid0SamsungGalaxyNote20/Ultra...36f8a604180b4d7f1SamsungGalaxyA70...cb7f374cd85d43302SamsungGalaxyA30s/A50s...9380749deb5942f63SamsungGalaxyNote10/+...c36816b1906542dc4SamsungGalaxyS20/+/Ultra...33dc12217b404a625SamsungGalaxyA905G...cf0084fa8261465d6SamsungGalaxyA515GUW...3177aa09b1fc40d97SamsungGalaxyA01...44db6d59366143cd8SamsungGalaxyA425G...a5b6fb2d08ac44759SamsungGalaxyA20e...806b4ae287ec4d34[10rowsx10columns]23/02/2023: New methodsfromadbkitimportADBToolsadb_path="C:\\Users\\Gamer\\AppData\\Local\\Android\\Sdk\\platform-tools\\adb.exe"deviceserial="localhost:5555"self=ADBTools(adb_path=adb_path,deviceserial=deviceserial)self.aa_connect_to_device()self.aa_activate_tesseract(tesseractpath=r"C:\Program Files\Tesseract-OCR\tesseract.exe")###################################################################################### This method uses Tesseract! You can download it here: https://digi.bib.uni-mannheim.de/tesseract/tesseract-ocr-w64-setup-5.3.0.20221222.exeself.aa_update_screenshot()# Update the screenshot beforedf=self.aa_ocr_elements_from_activities(['Play Store'],# pass all strings as a listminpercentage=85,# fuzzy matchmaxtolerance=10,screenshotfolder="f:\\compare_android",# screenshots will be saved heremax_variation_percent_x=10,# used for one of the click functions, to not click exactly in the center - more information belowmax_variation_percent_y=10,# used for one of the click functions, to not click exactly in the centerloung_touch_delay=(1000,1500,),# with this settings longtouch will take somewhere between 1 and 1,5 secondsswipe_variation_startx=10,# swipe coordinate variations in percentswipe_variation_endx=10,swipe_variation_starty=10,swipe_variation_endy=10,sdcard="/storage/emulated/0/",# sdcard will be used if you use the sendevent methods, don't pass a symlink - more information belowtmp_folder_on_sd_card="AUTOMAT",# this folder will be created in the sdcard folder for using sendevent actionsbluestacks_divider=32767,# coordinates must be recalculated for BlueStacks https://stackoverflow.com/a/73733261/15096247 when using sendevent)aa_areaaa_boundsaa_center_xaa_center_x_croppedaa_center_yaa_center_y_croppedaa_class_nameaa_clickableaa_complete_dumpaa_context_clickableaa_cropped_x_endaa_cropped_x_startaa_cropped_y_endaa_cropped_y_startaa_depthaa_drawnaa_enabledaa_focusableaa_has_screenshotaa_hashcode_hexaa_hashcode_intaa_heightaa_height_croppedaa_id_informationaa_is_childaa_long_clickableaa_mID_hexaa_mID_intaa_old_indexaa_pflag_activatedaa_pflag_dirty_maskaa_pflag_focusedaa_pflag_hoveredaa_pflag_invalidatedaa_pflag_is_root_namespaceaa_pflag_prepressedaa_pflag_selectedaa_pure_idaa_screenshotaa_scrollbars_horizontalaa_scrollbars_verticalaa_shapelyaa_valid_squareaa_visibilityaa_widthaa_width_croppedaa_x_endaa_x_end_relativeaa_x_startaa_x_start_relativeaa_y_endaa_y_end_relativeaa_y_startaa_y_start_relativeee_aa_longtouchee_aa_longtouch_bsee_aa_longtouch_offsetee_aa_longtouch_offset_bsee_aa_touchee_aa_touch_bsee_aa_touch_offsetee_aa_touch_offset_bsff_aa_downswipeff_aa_save_screenshotff_aa_show_screenshotff_aa_tap_center_offsetff_aa_tap_center_offset_longff_aa_tap_center_variationff_aa_tap_center_variation_longff_aa_tap_exact_centerff_aa_tap_exact_center_longff_aa_upswipeff_show_parentsparent_000parent_001parent_002parent_003parent_004parent_005parent_006parent_007parent_008parent_009parent_010parent_011aa_scanned_textaa_tesseractaa_closest_wordaa_resultdiff3230192.0(26,26,23...128128100100com.bluesta...True...False23026174268TrueTrueFalseTrue7529967122853735148148<NA>TrueTrue<NA><NA>14FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[41,12,...FalseFalsePOLYGON((2...TrueV204204230204260174148260()()()()()()()()()()()()()()()()()()()98654320<NA><NA><NA><NA>PlayStore100.0PlayStore0.0###################################################################################### Another example (Play Store written wrong)df2=self.aa_ocr_elements_from_uiautomator(['blai Store'],minpercentage=70,maxtolerance=10,)aa_areaaa_boundsaa_center_xaa_center_x_croppedaa_center_yaa_center_y_croppedaa_class_nameaa_clickableaa_complete_dumpaa_context_clickableaa_cropped_x_endaa_cropped_x_startaa_cropped_y_endaa_cropped_y_startaa_depthaa_drawnaa_enabledaa_focusableaa_has_screenshotaa_hashcode_hexaa_hashcode_intaa_heightaa_height_croppedaa_id_informationaa_is_childaa_long_clickableaa_mID_hexaa_mID_intaa_old_indexaa_pflag_activatedaa_pflag_dirty_maskaa_pflag_focusedaa_pflag_hoveredaa_pflag_invalidatedaa_pflag_is_root_namespaceaa_pflag_prepressedaa_pflag_selectedaa_pure_idaa_screenshotaa_scrollbars_horizontalaa_scrollbars_verticalaa_shapelyaa_valid_squareaa_visibilityaa_widthaa_width_croppedaa_x_endaa_x_end_relativeaa_x_startaa_x_start_relativeaa_y_endaa_y_end_relativeaa_y_startaa_y_start_relativeee_aa_longtouchee_aa_longtouch_bsee_aa_longtouch_offsetee_aa_longtouch_offset_bsee_aa_touchee_aa_touch_bsee_aa_touch_offsetee_aa_touch_offset_bsff_aa_downswipeff_aa_save_screenshotff_aa_show_screenshotff_aa_tap_center_offsetff_aa_tap_center_offset_longff_aa_tap_center_variationff_aa_tap_center_variation_longff_aa_tap_exact_centerff_aa_tap_exact_center_longff_aa_upswipeff_show_parentsparent_000parent_001parent_002parent_003parent_004parent_005parent_006parent_007parent_008parent_009parent_010parent_011aa_scanned_textaa_tesseractaa_closest_wordaa_resultdiff3230192.0(26,26,23...128128100100com.bluesta...True...False23026174268TrueTrueFalseTrue7529967122853735148148<NA>TrueTrue<NA><NA>14FalseFalseFalseFalseFalseFalseFalseFalse<NA>[[[41,12,...FalseFalsePOLYGON((2...TrueV204204230204260174148260()()()()()()()()()()()()()()()()()()()98654320<NA><NA><NA><NA>PlayStore100.0PlayStore0.0###################################################################################### Pass a list of tuples:((x,y),timeinseconds)self.aa_multi_input_tap_with_delay([((100,100),2),((200,200),3)])#####################################################################################self.aa_input_tap(x=100,y=100)###################################################################################### https://github.com/hansalemaos/adbescapes# Converts Unicode string to ASCII and escapes all characters that need to be escaped.# You have to activate it, before using it. The first start takes some time because numba needs to compile the codeself.aa_activate_input_text_formated()# inputtext=""""'ąćęłń'\tóśźż\nĄĆĘŁŃÓŚŹŻ\n\"Junto à Estação de\nCarcavelos;\"" "äöüÄÖÜß""""self.aa_input_text_formated_with_delay(text,delay=(0.01,0.2),respect_german_letters=False,exit_keys="ctrl+x")# output"'aceln' oszzACELNOSZZ"Junto a Estacao deCarcavelos;"""aouAOUb"# If you want it the German way :)self.aa_input_text_formated(text,respect_german_letters=True,exit_keys="ctrl+x")"'aceln' oszzACELNOSZZ"Junto a Estacao deCarcavelos;"""aeoeueAeOeUess"#####################################################################################self.aa_install_apk_from_hdd(r"C:\Users\Gamer\anaconda3\envs\instcont\instagram.apk")#####################################################################################self.aa_uninstall_package('com.instagram.lite')###################################################################################### First argument is a regexself.aa_copy_apk_to_hdd('com.insta.*','c:\\instaapkdownload')#####################################################################################17/01/2023: Screenshot fix$pipinstalladbkitfromadbkitimportADBToolsadb_path="C:\\Users\\Gamer\\AppData\\Local\\Android\\Sdk\\platform-tools\\adb.exe"deviceserial="localhost:5875"# Create an instance# Don't get confused about the instance name "self". I did it because it is faster copying methods from the classself=ADBTools(adb_path,deviceserial,sdcard="/sdcard/")self=ADBTools(adb_path=adb_path,deviceserial=deviceserial)# connect to the deviceself.aa_connect_to_device()# If you are using BlueStacks and want to have root access, call:self.aa_root_bluestacks_instances()# This method will basically do this steps: https://appuals.com/root-bluestacks/ to root BlueStacks# You can run the script every time you use this module. It won't hurt.# The first time, you might have to restart BlueStacks to enable the root access# If your device/BlueStacks is rooted, enable root so that all commands will be sent as rootself.aa_enable_root()# can be disabled by calling :self.aa_disable_root()# Activates self.bb_adbkeyboard# Read more about it: https://github.com/hansalemaos/adb_unicode_keyboardself.aa_activate_adb_keyboard(exit_keys="ctrl+x")# Activates self.bb_sendevent_keyboard (needs root access)# Read more about it: https://github.com/hansalemaos/sendevent_getevent_keyboardself.aa_activate_sendevent_keyboard(sdcard="/storage/emulated/0/",tmp_folder_on_sd_card="AUTOMAT",exit_keys="ctrl+x",)# needs root access# Here is one example:self.bb_adbkeyboard.press_7_keycode_0()# Activates self.self.bb_getevent_sendevent# Read more about it: https://github.com/hansalemaos/sendevent_getevent_keyboardself.aa_activate_getevent_sendevent(sdcard="/storage/emulated/0/",tmp_folder_on_sd_card="AUTOMAT",bluestacks_divider=32767,exit_keys="ctrl+x",)# needs root access# Activates self.bb_sendevent_touch# Read more about it: https://github.com/hansalemaos/sendevent_touchself.aa_activate_sendevent_touch(sdcard="/storage/emulated/0/",tmp_folder_on_sd_card="AUTOMAT",bluestacks_divider=32767,use_bluestacks_coordinates=True,)# needs root access# Here is one example:self.bb_sendevent_touch.touch(10,10)# Activates https://github.com/hansalemaos/a_pandas_ex_tesseract_multirow_regex_fuzz# You can download the 64 bit version of tesseract here:# https://digi.bib.uni-mannheim.de/tesseract/tesseract-ocr-w64-setup-5.3.0.20221222.exeself.aa_activate_tesseract(tesseractpath=r"C:\Program Files\Tesseract-OCR\tesseract.exe")# Once activated, you can call:# self.aa_ocr_with_tesseract()lefttopwidthheightconftextmiddle_xmiddle_yend_xend_y8382424994937.512093RH,6316688191972834986130.9259492.777648269513370101371184.72541'system 388 106 407 11214411101241079.929901Apps4231064351111553690362885.425911Roblox5541045721181667610055988.744247BlueStacks703104731109177351017880.470955X73810574210918814101311090.271423Spiele8291068451111984810118893.303749und8571058661092086910341987.963295gewinne8891079101122872100201296.004517Play8210692112299510127886.986359Store10810512210933225211491276.804665Globoplay24921727422337326489252891.894142Tibia3385033515173840150050891.477989Guardians4265044515083945549910972.064316of4605034655084141551237975.078018Cloudia433516452521# and even perform a multiline fuzzy search:xxx=self.aa_ocr_with_tesseract(search_for='Kontakte verwalten')# Use this method to update the screenshot# The updated screenshot can be found here: self.screenshotself.aa_update_screenshot()# get 5 screenshot within 5 secondsxx=self.aa_get_screenshots(sleeptime=1,number=5)# Now you can use self.df to do operations on the screenshot# More information about a_pandas_ex_image_tools:# https://github.com/hansalemaos/a_pandas_ex_image_toolsself.aa_update_imagedf()# If you want to capture the logcat output and analyze it in a DataFrame,use:logcatcap=self.aa_capture_logcat(exit_keys="ctrl+x",timeout=None,)# When you exit using "ctrl+x", the method will return a DataFrame# By the way: almost all methods can be interrupted using a key command# Those 2 methods will help you to identify and interact with views:# Read more about it: https://github.com/hansalemaos/androdfdf1=self.aa_get_all_displayed_items_from_uiautomator(screenshotfolder="f:\\compare_android",# screenshots will be saved heremax_variation_percent_x=10,# used for one of the click functions, to not click exactly in the center - more information belowmax_variation_percent_y=10,# used for one of the click functions, to not click exactly in the centerloung_touch_delay=(1000,1500,),# with this settings longtouch will take somewhere between 1 and 1,5 secondsswipe_variation_startx=10,# swipe coordinate variations in percentswipe_variation_endx=10,swipe_variation_starty=10,swipe_variation_endy=10,sdcard="/storage/emulated/0/",# sdcard will be used if you use the sendevent methods, don't pass a symlink - more information belowtmp_folder_on_sd_card="AUTOMAT",# this folder will be created in the sdcard folder for using sendevent actionsbluestacks_divider=32767,# coordinates must be recalculated for BlueStacks https://stackoverflow.com/a/73733261/15096247 when using sendevent)df3=self.aa_get_all_displayed_items_from_activities(screenshotfolder="f:\\compare_android",# screenshots will be saved heremax_variation_percent_x=10,# used for one of the click functions, to not click exactly in the center - more information belowmax_variation_percent_y=10,# used for one of the click functions, to not click exactly in the centerloung_touch_delay=(1000,1500,),# with this settings longtouch will take somewhere between 1 and 1,5 secondsswipe_variation_startx=10,# swipe coordinate variations in percentswipe_variation_endx=10,swipe_variation_starty=10,swipe_variation_endy=10,sdcard="/storage/emulated/0/",# sdcard will be used if you use the sendevent methods, don't pass a symlink - more information belowtmp_folder_on_sd_card="AUTOMAT",# this folder will be created in the sdcard folder for using sendevent actionsbluestacks_divider=32767,# coordinates must be recalculated for BlueStacks https://stackoverflow.com/a/73733261/15096247 when using sendevent)# Uses: https://github.com/hansalemaos/a_pandas_ex_adb_to_df# lists all files in DataFrame and adds useful functions# self.aa_list_all_files_on_device()dffiles=self.aa_list_folder_content(folder_to_search="data/")print(dffiles)aa_date...ff_pull_file_cat02022-12-1106:48:00...()12022-12-2622:16:00...()22022-12-0619:10:00...()32022-12-0613:38:00...()42022-12-2622:16:00...().........261202021-09-1604:21:00...()261212021-09-1603:53:00...()261222021-09-1603:53:00...()261232021-09-1604:35:00...()261242021-09-1604:31:00...()[26125rowsx16columns]# Search with grep# Uses https://github.com/hansalemaos/adb_grep_searchdfgrep=self.aa_grep_search(folder_to_search="data/data",filetype="*.db",regular_expression=r"CREATE.TABLE",exit_keys="ctrl+x",timeout=None,remove_control_characters=True,)dfgrepOut[19]:aa_file...aa_regex0data/data/com.android.providers.media/database......CREATE.TABLE1data/data/com.android.providers.media/database......CREATE.TABLE2data/data/com.android.providers.media/database......CREATE.TABLE3data/data/com.android.providers.media/database......CREATE.TABLE4data/data/com.globo.globotv/databases/mcsdk_bf......CREATE.TABLE...........103data/data/com.roblox.client/databases/google_a......CREATE.TABLE104data/data/com.roblox.client/databases/google_a......CREATE.TABLE105data/data/com.roblox.client/databases/google_a......CREATE.TABLE106data/data/com.roblox.client/databases/google_a......CREATE.TABLE107data/data/com.roblox.client/databases/google_a......CREATE.TABLE[108rowsx5columns]# Uses https://github.com/hansalemaos/a_pandas_ex_adb_settings_to_dfself.aa_parse_settings_from_all_packages(tempfolder="f:\\tmpfolder",datafolder="data/")indexaa_all_keys...level_22level_2300.0(long,name)...NaNNaN11.0(long,value)...NaNNaN20.0(boolean,0,name)...NaNNaN31.0(boolean,0,value)...NaNNaN42.0(boolean,1,name)...NaNNaN...............110795NaN(6,desc)...NaNNaN110796NaN(6,label)...NaNNaN110797NaN(6,pkg)...NaNNaN110798NaN(6,source)...NaNNaN110799NaN(6,url)...NaNNaN[110800rowsx31columns]Youmightseethiserrormessagesseveraltimes:"Go to: https://www.sqlite.org/download.html ,downloadthedllandputitintheDLLsfolderofyourenv!"Youcanignoreit.#This method helps you find all executable activities from a package# More about it: https://github.com/hansalemaos/a_pandas_ex_adb_execute_activitiesself.aa_get_activity_execution_df_from_one_package(packagename="com.roblox.client")# adds new contact, can be saved straight awayaddcon=self.aa_add_new_contact("hans","+55119897827552","[email protected]","my address",save=False)# If you play Roblox, you can enable/disable some textures to get higher fpsself.aa_enable_roblox_textures(exit_keys="ctrl+x",print_output=True,timeout=None,)self.aa_disable_roblox_textures(exit_keys="ctrl+x",print_output=True,timeout=None,)# goes to the home screen, doesn't close anythingself.aa_go_to_home_screen()# repeat=5 usually deletes more than 5 characters!!self.aa_press_delete_key_repeated_times(repeat=5)# starts the android file manager, pass the file type you want to seeself.aa_get_content(type_="text/plain")# Here are some methods to get useful information.# Returns DataFramesprint(self.aa_whole_dumpsys_to_df())print(self.aa_list_all_packages())print(self.aa_list_broadcast_stats())print(self.aa_list_pending_intents())print(self.aa_list_all_activities_from_device())print(self.aa_list_all_services())print(self.aa_list_all_receivers())print(self.aa_list_all_activities())print(self.aa_get_procstats())print(self.aa_list_all_devices())# devices on the device (dev ...)print(self.aa_list_devices())# all adb devices (localhost:5555 ...)print(self.aa_list_pids_basic())print(self.aa_list_pids_complete())print(self.aa_list_memory())print(self.aa_getprop())print(self.aa_list_all_broadcasts())print(self.aa_list_all_broadcasts_history())print(self.aa_list_users())print(self.aa_list_permission_groups())print(self.aa_list_disabled_packages())print(self.aa_list_apps_in_use())print(self.aa_list_3rd_party_packages())print(self.aa_list_features())# Smile! :)self.aa_open_camera_photo_mode()# works with and without http://print(self.aa_open_website("google.com"))# switches to galleryself.aa_start_gallery()# cheeeeseself.aa_take_a_picture()# useful for some appsself.aa_adb_turn_screen_compatibility_off()self.aa_adb_turn_screen_compatibility_on()# Be careful!self.aa_remove_file('/sdcard/9.png')# Essential when you use your cell phone (with Whatsapp, Facebook ...) to automize things.self.aa_enable_notifications()self.aa_disable_notifications()# More useful stuff for notificationsself.aa_expand_settings()self.aa_expand_notifications()# Changes the screen orientation# You can pass:# horizontal_upside_down or 2# vertical or 1# horizontal or 0# vertical_upside_down or 3self.aa_change_screen_orientation("horizontal")self.aa_get_display_orientation()#Out[4]: 0# 0 means horizontal# Sometimes you upload new media files, but you can't see the thumbnails immediately# This method updates all thumbnailsself.aa_rescan_media()# If you are in the middle of a text and want to go to the end of the lineself.aa_move_to_end_of_line()# Useful keyboard stuffself.aa_hide_keyboard()self.aa_is_keyboard_shown()# Doesn't work on BlueStacks, but on my pixel 6 there are no problems# (Actually it is not necessary when using BlueStacks hahaha)self.aa_is_screen_unlocked()# Don't use this command on BlueStacks, you will have to reboot the deviceself.aa_lock_screen()# Useful commandsself.aa_press_home()#back to home screenself.aa_press_app_switch()# Configured for my Pixel 6, but should work on any device with a# newer android version.self.aa_swipe_up_to_unlock_screen('3333')# doesn't work with BlueStacks, because of the app switch design,# but it does on my pixel and should work with any device that# has a recent Android versionself.aa_close_all_apps_with_swipe()# uninstalls a packageself.aa_uninstall_package('com.google.android.youtube')# Returns the activity needed to open the packageself.aa_resolve_activity('com.roblox.client')b'priority=0 preferredOrder=0 match=0x108000 specificIndex=-1 isDefault=true\r\n'b'com.roblox.client/.startup.ActivitySplash\r\n'# But you can also open any package using:self.aa_open_app('com.roblox.client')# This method makes swiping easy# x (start), y (start), x (end) y (end), last number in secondsself.aa_swipe(500,400,500,100,1.1)#opens a separate shell window using cmd.exeself.aa_open_shell()# It changes the dictionary that you are in# and executes a commandself.aa_change_cwd_and_execute_adb_shell('ls','data/')b'5.3.10.1001\r\n'b'5.9.300.1014\r\n'b'adb\r\n'b'anr\r\n'b'app\r\n'b'app-asec\r\n'b'app-ephemeral\r\n'b'app-lib\r\n'b'app-private\r\n'b'arm\r\n'....# This can also be accomplished by sending multiple commands:self.aa_execute_multiple_adb_shell_commands(['cd data/','ls|grep system'])Out[28]:[b'system\r\n',b'system_ce\r\n',b'system_de\r\n']# You can also send non-shell commands:self.aa_execute_non_shell_adb_command('devices')# This method pushes a file to your sdcard:self.aa_push_to_sdcard(r'F:\donedone.png')# This method pulls a file to your hddself.aa_pull('/sdcard/donedone.png','f:\\dfdffasd')# A fast way of scanning all connected devices:# start/end means the ports you want to start/end with# After 10 seconds, all processes that have not completed the search# will be killedself.aa_connect_do_all_devices(start=4999,end=6000,timeout=10)'''self.aa_list_devices()b'List of devices attached\r\n'b'localhost:5037\toffline\r\n'b'localhost:5040\toffline\r\n'b'localhost:5357\toffline\r\n'b'localhost:5725\tdevice\r\n'b'localhost:5800\toffline\r\n'b'localhost:5875\tdevice\r\n'b'localhost:5900\toffline\r\n'b'localhost:5955\tdevice\r\n'b'\r\n''''''Killing the processKilling the processKilling the processKilling the processKilling the processKilling the processKilling the processKilling the processKilling the process'''# Uses https://github.com/hansalemaos/a_cv2_shape_finder# to detect shapes in the screenshotself.get_shapes_from_screenshot_THRESH_OTSU()self.get_shapes_from_screenshot_ADAPTIVE_THRESH_MEAN_C()self.get_shapes_from_screenshot_ADAPTIVE_THRESH_GAUSSIAN_C()#Some self-explaining stuffself.aa_isfolder('/sdcard/donedone.png')Falseself.aa_isfolder('/sdcard/')Truenext(self.aa_get_screenshots())self.aa_path_exists('/sdcard/')Trueself.aa_path_exists('/sdcard2/')Falseself.aa_get_screen_resolution()(960,540)self.aa_restart_server()self.aa_reboot_and_listen_to_usb()self.aa_start_server()self.aa_stop_server()self.aa_kill_server()self.aa_force_stop('com.roblox.client')#rootself.aa_show_screenshot_in_browser()
adbkonnekt
automates ADB management in Windows, ensuring ADB listens to all TCP (no USB!) devices, handles configurations, and restarts if killedpip install adbkonnektTested against Windows / Python 3.11 / Anaconda / BlueStacks / LdPlayer / MeMuADBhttps://developer.android.com/tools/releases/platform-toolsParameters:-adb_path(str):PathtotheADBexecutable.-outputfolder(str):Pathtothefolderwheretheoutputlogswillbestored.(outputonlyifstart_server_modeisFalse)-timeout_check_if_proc_running(Union[int,float]):Timeoutdurationinsecondstocheckiftheprocessisrunning.-window_style(Literal['Hidden','Maximized','Minimized','Normal']):WindowstylefortheADBprocess.-kill_running_adb(bool):FlagtokillanyrunningADBinstancesbeforestarting.DefaultisTrue.-is_alive_sleeptime(Union[int,float]):TimeinsecondstosleepwhilecheckingiftheADBprocessisalive.-check_if_alive(bool):FlagtocheckiftheADBprocessisalive.DefaultisTrue.-restart_when_killed(bool):FlagtorestartADBifitgetskilled.DefaultisTrue.-auto_connect_devices(bool):Flagtoautomaticallyconnectdevices.DefaultisTrue.-max_port_number(int):Maximumportnumberforadbscan.Defaultis5555-ADBscansonlyoneport,and,becauseofthat,yougetagreatspeedup.-adb_port(int):ADBportnumber.Defaultis5037.-adb_executables_to_kill(tuple[str]):TupleofADBexecutablenamestokill.Defaultis("hd-adb.exe","adb.exe").-sleep_after_connection_attempt(Union[int,float]):Sleeptimeinsecondsafterattemptingaconnectiontoaclient.-sleep_after_starting_the_process(Union[int,float]):SleeptimeinsecondsafterstartingtheADBprocess.-daemon(bool):FlagtorunADBindaemonmode.DefaultisFalse.(ifstart_server_modeisTrue->alwaysdaemon)-priority(Literal["realtime","high","above normal","normal","below normal","low"]):PrioritylevelfortheADBprocess.Defaultis"above normal".-shell(bool):FlagtouseshellwhenstartingADB.DefaultisTrue.-listen_on_all_ports(bool):Flagtolistenonallports.DefaultisTrue.->fast[re]connect-min_port(int):Minimumportnumbertoconsiderforconnections.Defaultis5550.-no_auto_connect(tuple[int]):Tupleofportnumberstonotauto-[re]connect.(HTML,SQL...)-ignore_exceptions(bool):Flagtoignoreexceptionsandcontinueexecution.DefaultisTrue.-start_server_mode(bool):FlagtostarttheADBinregularmode(start-server).DefaultisTrue.Returns:-int:ProcessIDoftheADBprocessthat's running or -1 if there is no proc runningReturns:fromadbkonnektimportrun_adb_listen_to_alladb_path=r"C:\Android\android-sdk\platform-tools\adb.exe"outputfolder=r'c:\adboutputlog'run_adb_listen_to_all(adb_path=adb_path,outputfolder=outputfolder,timeout_check_if_proc_running=30,window_style="Hidden",kill_running_adb=True,is_alive_sleeptime=0.05,check_if_alive=True,restart_when_killed=True,auto_connect_devices=True,max_port_number=5555,adb_port=5037,adb_executables_to_kill=("hd-adb.exe","adb.exe"),sleep_after_connection_attempt=0.1,sleep_after_starting_the_process=1,daemon=False,priority="high",shell=True,listen_on_all_ports=True,min_port=5550,no_auto_connect=(8080,8000,8888,1433,1521,3306,5000,5432,6379,27017,27018,8443,3389,),ignore_exceptions=True,)
adblock
python-adblockPython wrapper for Brave's adblocking library, which is written in Rust.Building from sourceBuild dependenciesBuild DependencyVersionsArch LinuxUrlPython>=3.7python-Rust>=1.53rust-Maturin>=0.10maturinhttps://github.com/PyO3/maturinPEP 517Thepython-adblocklibrary isPEP 517compatible, so you can build and install it from source, simply by runningpip install .from the root of this directory.WheelsTo create a wheel for this library, run the following commandmaturin build --release --no-sdist --out dist/the result can be found in thedist/directory.DevelopingI use Poetry for development. To create and enter a virtual environment, dopoetry install poetry shellthen, to install theadblockmodule into the virtual environment, domaturin developDocumentationRust documentation for the latestmasterbranch can be found athttps://arnidagur.github.io/python-adblock/docs/adblock/index.html.LicenseThis project is licensed under either ofApache License, Version 2.0, (LICENSE-APACHEorhttp://www.apache.org/licenses/LICENSE-2.0)MIT license (LICENSE-MITorhttp://opensource.org/licenses/MIT)at your option.
adblock-decoder
A set of tools for the decoding and conversion of AdBlock and filter lists. The decoder itself is part of the PyFunceble project.Installation$ pip install --user adblock-decoderUpdate$ pip install --user --upgrade adblock-decoderPython APIIf you want to use the decoder in your own Python modules or infrastructure, you may use the PyFunceble project to access the decoder.from PyFunceble.converter.adblock_input_line2subject import AdblockInputLine2Subject to_decode = ["||example.com^", "||example.net^"] decoder = AdblockInputLine2Subject() decoder.aggressive = False decoded = set() for line in to_decode: # One shot method. decoded.update(decoder.set_data_to_convert(line).get_converted()) # Step by step method decoder.set_data_to_convert(line) decoded.update(decoder.get_converted()) print("Decoded:", decoded)Toolsadblock2hostsA tool to convert adblock or filter lists to hosts format.Usageusage: adblock2hosts [-h] [--aggressive] [--ip IP] [-o OUTPUT] input_file An AdBlock2hosts converter. positional arguments: input_file The input file to work with. optional arguments: -h, --help show this help message and exit --aggressive [USE AT YOUR OWN RISK AS IT IS EXPERIMENTAL] Activates the extraction of everything regardless of the interpretation of AdBlock/UBlock. --ip IP Sets the IP to use while generating the hosts file. -o OUTPUT, --output OUTPUT The file to write to. Crafted with ♥ by Nissar Chababy (Funilrys)!adblock2plainA tool to convert adblock or filter lists to plain text format.Usageusage: adblock2plain [-h] [--aggressive] [-o OUTPUT] input_file An AdBlock2plain (text) converter. positional arguments: input_file The input file to work with. optional arguments: -h, --help show this help message and exit --aggressive [USE AT YOUR OWN RISK AS IT IS EXPERIMENTAL] Activates the extraction of everything regardless of the interpretation of AdBlock/UBlock. -o OUTPUT, --output OUTPUT The file to write to. Crafted with ♥ by Nissar Chababy (Funilrys)!LicenseCopyright 2017, 2018, 2019, 2020, 2021, 2022 Nissar Chababy Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License.
adblockeval
adblockevalEvaluates URLs against AdBlock rules efficiently to check which rules would block them, if any. It applies Aho-Corasick string matching to reduce the number of AdBlock rules that have to be evaluated.StatusThis project is currently under development. It is already usable, but not yet well tested against the real world data.
adblock-hosts
No description available on PyPI.
adblockparser
adblockparseradblockparseris a package for working withAdblock Plusfilter rules. It can parse Adblock Plus filters and match URLs against them.Installationpip install adblockparserPython 2.7 and Python 3.3+ are supported.If you plan to use this library with a large number of filters installingpyre2library is highly recommended: the speedup for a list of defaultEasyListfilters can be greater than 1000x.pip install ‘re2 >= 0.2.21’Note that pyre2 library requires C++re2library installed. On OS X you can get it using homebrew (brew install re2).UsageTo learn about Adblock Plus filter syntax check these links:https://adblockplus.org/en/filter-cheatsheethttps://adblockplus.org/en/filtersGet filter rules somewhere: write them manually, read lines from a file downloaded fromEasyList, etc.:>>> raw_rules = [ ... "||ads.example.com^", ... "@@||ads.example.com/notbanner^$~script", ... ]CreateAdblockRulesinstance from rule strings:>>> from adblockparser import AdblockRules >>> rules = AdblockRules(raw_rules)Use this instance to check if an URL should be blocked or not:>>> rules.should_block("http://ads.example.com") TrueRules with options are ignored unless you pass a dict with options values:>>> rules.should_block("http://ads.example.com/notbanner") True >>> rules.should_block("http://ads.example.com/notbanner", {'script': False}) False >>> rules.should_block("http://ads.example.com/notbanner", {'script': True}) TrueConsult with Adblock Plusdocsfor options description. These options allow to write filters that depend on some external information not available in URL itself.PerformanceRegex enginesAdblockRulesclass creates a huge regex to match filters that don’t use options.pyre2library works better than stdlib’s re with such regexes. If you havepyre2installed thenAdblockRulesshould work faster, and the speedup can be dramatic - more than 1000x in some cases.Sometimes pyre2 prints something likere2/dfa.cc:459: DFA out of memory: prog size 270515 mem 1713850to stderr. Give re2 library more memory to fix that:>>> rules = AdblockRules(raw_rules, use_re2=True, max_mem=512*1024*1024) # doctest: +SKIPMake sure you are using re2 0.2.20 installed from PyPI, it doesn’t work.Parsing rules with optionsRules that have options are currently matched in a loop, one-by-one. Also, they are checked for compatibility with options passed by user: for example, if user didn’t pass ‘script’ option (with aTrueorFalsevalue), all rules involvingscriptare discarded.This is slow if you have thousands of such rules. To make it work faster, explicitly list all options you want to support inAdblockRulesconstructor, disable skipping of unsupported rules, and always pass a dict with all options toshould_blockmethod:>>> rules = AdblockRules( ... raw_rules, ... supported_options=['script', 'domain'], ... skip_unsupported_rules=False ... ) >>> options = {'script': False, 'domain': 'www.mystartpage.com'} >>> rules.should_block("http://ads.example.com/notbanner", options) FalseThis way rules with unsupported options will be filtered once, whenAdblockRulesinstance is created.LimitationsThere are some known limitations of the current implementation:element hiding rules are ignored;matching URLs against a large number of filters can be slow-ish, especially ifpyre2is not installed and many filter options are enabled;match-casefilter option is not properly supported (it is ignored);documentfilter option is not properly supported;rules are not validatedbeforeparsing, so invalid rules may raise inconsistent exceptions or silently work incorrectly.It is possible to remove all these limitations. Pull requests are welcome if you want to make it happen sooner!Contributingsource code:https://github.com/scrapinghub/adblockparserissue tracker:https://github.com/scrapinghub/adblockparser/issuesIn order to run tests, installtoxand typetoxfrom the source checkout.The license is MIT.Changes0.7 (2016-10-17)Fixed parsing issue with recent easylist.txt;fixed a link to easylist (thankshttps://github.com/limonte).0.6 (2016-09-10)Added support for regex rules (thankshttps://github.com/mlyko).0.5 (2016-03-04)Fixed an issue with blank lines in filter files (thankshttps://github.com/skrypka);fixed an issue with applying rules with ‘domain’ option when domain doesn’t have a dot (e.g. ‘localhost’);Python 2.6 and Python 3.2 support is dropped; adblockparser likely still work in these interpreters, but this is no longer checked by tests.0.4 (2015-03-29)AdblockRule now caches the compiled regexes (thankshttps://github.com/mozbugbox);Fixed an issue with “domain” option handling (thankshttps://github.com/nbraemfor the bug report and a test case);cleanups and test improvements.0.3 (2014-07-11)Switch to setuptools;better__repr__forAdblockRule;Python 3.4 support is confirmed;testing improvements.0.2 (2014-03-20)This release provides much fasterAdblockRules.should_block()method for rules without options and rules with ‘domain’ option.better combined regex for option-less rules that makes re2 library always use DFA without falling back to NFA;an index for rules with domains;paramsmethod arguments are renamed tooptionsfor consistency.0.1.1 (2014-03-11)By defaultAdblockRulesautodetects re2 library and uses it if a compatible version is detected.0.1 (2014-03-03)Initial release.
adb-logger
Failed to fetch description. HTTP Status Code: 404
adb-logging
adb-loggingadb-logging
adbnativeblitz
ADB Screenshots as fast as scrcpy, but 100% native!Tested against Windows / Python 3.11 / Anacondapip install adbnativeblitzAdbFastScreenshots offers a powerful and efficient way to capture Android device screens, making it a valuable tool for a wide range of applications and use cases. As fast ashttps://github.com/hansalemaos/adbblitz, but 100% native!Advantages:High Frame Rate:AdbFastScreenshots is designed to capture the Android device's screen with an improved frame rate, which can be especially useful for applications that require real-time or high-speed screen recording, such as gaming or performance analysis.Efficiency:By avoiding the overhead of creating a new subprocess for each screen capture session, it is more efficient and less resource-intensive than traditional methods, making it suitable for continuous screen capture.Ease of Use:It provides a Pythonic interface for screen capturing, making it easier for developers to integrate Android screen recording into their applications.Control and Flexibility:It allows users to control the screen recording process, including starting and stopping capture, making it suitable for custom applications that require precise control.Context Manager:Designed to be used as a context manager, it ensures proper resource cleanup and termination, which is important in long-running applications.Example with Bluestacks:https://www.youtube.com/watch?v=Sw-F1sobIlYCaptureAndroiddevicescreenusingADB's screenrecord with high frame rate.ThisclassallowscapturingthescreenofanAndroiddeviceusingADB's screenrecordcommandwithanimprovedframerate.ItcontinuouslycapturesframesfromthedeviceandprovidesthemasNumPyarraystothecaller.Args:adb_path(str):ThepathtotheADBexecutable.device_serial(str):TheserialnumberofthetargetAndroiddevice.time_interval(int):Themaximumduration,inseconds,foreachscreenrecordingsession(uptoamaximumof180seconds).Afterreachingthistimelimit,anewrecordingsessionautomaticallystartswithoutcausinginterruptionstotheuserexperience.width(int):Thewidthofthecapturedscreen.height(int):Theheightofthecapturedscreen.bitrate(str):Thebitrateforscreenrecording(e.g.,"20M"for20Mbps).use_busybox(bool):WhethertouseBusyBoxforbase64encoding.connect_to_device(bool):WhethertoconnecttothedeviceusingADB.screenshotbuffer(int):Thesizeoftheframebuffertostorethelastcapturedframes.go_idle(float):Theidletime(inseconds)whennonewframesareavailable.# higher value -> less fps, but also less CPU usage.Attributes:stop_recording(bool):Controlattributetostopthescreencapture.Methods:stop_capture():Stopsthescreencapture.Usage:importcv2fromadbnativeblitzimportAdbFastScreenshotswithAdbFastScreenshots(adb_path=r"C:\Android\android-sdk\platform-tools\adb.exe",device_serial="127.0.0.1:5555",time_interval=179,width=1600,height=900,bitrate="20M",use_busybox=False,connect_to_device=True,screenshotbuffer=10,go_idle=0,)asadbscreen:forimageinadbscreen:cv2.imshow("CV2 WINDOW",image)ifcv2.waitKey(1)&0xFF==ord("q"):breakcv2.destroyAllWindows()Note:-The`AdbFastScreenshots`classshouldbeusedinacontextmanager(`with`statement).-The`stop_capture()`methodcanbecalledtostopthescreencapture.-TheframesarecontinuouslycapturedandprovidedintheformofNumPyarrays.-Theclassaimstoachieveahigherframeratebyavoidingslowsubprocesscreationforeachscreencapturesession.
adbnx-adapter
ArangoDB-Networkx AdapterThe ArangoDB-Networkx Adapter exports Graphs from ArangoDB, the multi-model database for graph & beyond, into NetworkX, the swiss army knife for graph analysis with python, and vice-versa.About NetworkXNetworkx is a commonly used tool for analysis of network-data. If your analytics use cases require the use of all your graph data, for example, to summarize graph structure, or answer global path traversal queries, then using the ArangoDB Pregel API is recommended. If your analysis pertains to a subgraph, then you may be interested in getting the Networkx representation of the subgraph for one of the following reasons:1. An algorithm for your use case is available in Networkx. 2. A library that you want to use for your use case works with Networkx Graphs as input.InstallationLatest Releasepip install adbnx-adapterCurrent Statepip install git+https://github.com/arangoml/networkx-adapter.gitQuickstartAlso available as an ArangoDB Lunch & Learn session:Graph & Beyond Course #2.9importnetworkxasnxfromarangoimportArangoClientfromadbnx_adapterimportADBNX_Adapter,ADBNX_Controller# Connect to ArangoDBdb=ArangoClient().db()# Instantiate the adapteradbnx_adapter=ADBNX_Adapter(db)ArangoDB to NetworkX######################## 1.1: via Graph name ########################nx_g=adbnx_adapter.arangodb_graph_to_networkx("fraud-detection")############################## 1.2: via Collection names ##############################nx_g=adbnx_adapter.arangodb_collections_to_networkx("fraud-detection",{"account","bank","branch","Class","customer"},# Vertex collections{"accountHolder","Relationship","transaction"}# Edge collections)####################### 1.3: via Metagraph #######################metagraph={"vertexCollections":{"account":{"Balance","account_type","customer_id","rank"},"customer":{"Name","rank"},},"edgeCollections":{"transaction":{"transaction_amt","sender_bank_id","receiver_bank_id"},"accountHolder":{},},}nx_g=adbnx_adapter.arangodb_to_networkx("fraud-detection",metagraph)######################################## 1.4: with a custom ADBNX Controller ########################################classCustom_ADBNX_Controller(ADBNX_Controller):"""ArangoDB-NetworkX controller.Responsible for controlling how nodes & edges are handled whentransitioning from ArangoDB to NetworkX, and vice-versa."""def_prepare_arangodb_vertex(self,adb_vertex:dict,col:str)->None:"""Prepare an ArangoDB vertex before it gets inserted into the NetworkXgraph.:param adb_vertex: The ArangoDB vertex object to (optionally) modify.:param col: The ArangoDB collection the vertex belongs to."""adb_vertex["foo"]="bar"def_prepare_arangodb_edge(self,adb_edge:dict,col:str)->None:"""Prepare an ArangoDB edge before it gets inserted into the NetworkXgraph.:param adb_edge: The ArangoDB edge object to (optionally) modify.:param col: The ArangoDB collection the edge belongs to."""adb_edge["bar"]="foo"nx_g=ADBNX_Adapter(db,Custom_ADBNX_Controller()).arangodb_graph_to_networkx("fraud-detection")NetworkX to ArangoDB################################## 2.1: with a Homogeneous Graph ##################################nx_g=nx.grid_2d_graph(5,5)edge_definitions=[{"edge_collection":"to","from_vertex_collections":["Grid_Node"],"to_vertex_collections":["Grid_Node"],}]adb_g=adbnx_adapter.networkx_to_arangodb("Grid",nx_g,edge_definitions)############################################################## 2.2: with a Homogeneous Graph & a custom ADBNX Controller ##############################################################classCustom_ADBNX_Controller(ADBNX_Controller):"""ArangoDB-NetworkX controller.Responsible for controlling how nodes & edges are handled whentransitioning from ArangoDB to NetworkX, and vice-versa."""def_prepare_networkx_node(self,nx_node:dict,col:str)->None:"""Prepare a NetworkX node before it gets inserted into the ArangoDBcollection **col**.:param nx_node: The NetworkX node object to (optionally) modify.:param col: The ArangoDB collection the node belongs to."""nx_node["foo"]="bar"def_prepare_networkx_edge(self,nx_edge:dict,col:str)->None:"""Prepare a NetworkX edge before it gets inserted into the ArangoDBcollection **col**.:param nx_edge: The NetworkX edge object to (optionally) modify.:param col: The ArangoDB collection the edge belongs to."""nx_edge["bar"]="foo"adb_g=ADBNX_Adapter(db,Custom_ADBNX_Controller()).networkx_to_arangodb("Grid",nx_g,edge_definitions)#################################### 2.3: with a Heterogeneous Graph ####################################edges=[('student:101','lecture:101'),('student:102','lecture:102'),('student:103','lecture:103'),('student:103','student:101'),('student:103','student:102'),('teacher:101','lecture:101'),('teacher:102','lecture:102'),('teacher:103','lecture:103'),('teacher:101','teacher:102'),('teacher:102','teacher:103')]nx_g=nx.MultiDiGraph()nx_g.add_edges_from(edges)# ...# Learn how this example is handled in Colab:# https://colab.research.google.com/github/arangoml/networkx-adapter/blob/master/examples/ArangoDB_NetworkX_Adapter.ipynb#scrollTo=OuU0J7p1E9OMDevelopment & TestingPrerequisite:arangorestoregit clone https://github.com/arangoml/networkx-adapter.gitcd networkx-adapter(create virtual environment of choice)pip install -e .[dev](create an ArangoDB instance with method of choice)pytest --url <> --dbName <> --username <> --password <>Note: Apytestparameter can be omitted if the endpoint is using its default value:defpytest_addoption(parser):parser.addoption("--url",action="store",default="http://localhost:8529")parser.addoption("--dbName",action="store",default="_system")parser.addoption("--username",action="store",default="root")parser.addoption("--password",action="store",default="")
adbons
UNKNOWN
adbookfromkevin
Address Book Program (Final Project)OverviewInspired by the contacts feature on IOS, I created a comprehensive address book program that could be edited and exported as .csv formatpypi Link to Author:https://pypi.org/user/kevingzrgithub link to Author:https://github.com/kevingzr-gsbSectionsInstallationInterfaceInstallationThis program is built under python 3.9 environment.There is only one dependency for running the program, which is pandasPlease follow the following command in your computer:pip install pandaspip install adbookfromkevinpypi Link to Author:https://pypi.org/user/kevingzr/github link to Author:If you want to run the tests, you need to install these packages:pip install pytestpip install sysPlease remember to import these packages and make sure they are up to date.Finally, please follow this step in your code:from adbookfromkevin import adbookfromkevin as ABInterfaceThere are a lot of functions in this program, but the user only need to invoke one function:AB.Address_Book()After running this command, the user will be presented with the following:------------Please Choose Options Below-------------------1: Add Contact2: Display All Contacts3: Display Favorites4: Filter Contact by Location and Email5: Find Contact by Name6: Edit Contact Information7: Delete Contact8: Add to Favorites9: Export Address Book as CSV File0: Terminate ProgramUser will need to select these options manually by enter the number accordingly:Select option:It should be sufficiently straightforward! Please follow the prompts after selecting your option:)
adbpackagesmanager
Manages Android packages on a device through DataFramesTested against Windows / Python 3.11 / Anacondapip install adbpackagesmanagerclassPackageManager(builtins.object)|PackageManager(adb=None,adb_path=None,serial_number=None,**kwargs)||Methodsdefinedhere:||__init__(self,adb=None,adb_path=None,serial_number=None,**kwargs)|InitializesaPackageManagerinstanceformanagingAndroidpackagesonadevice.||Args:|adb(AdbCommands,optional):AnexistingAdbCommandsinstance.Ifnotprovided,|anewinstancewillbecreatedusingthespecifiedadb_pathandserial_number.|adb_path(str,optional):Thepathtotheadbexecutable(e.g.,'C:\Android\android-sdk\platform-tools\adb.exe').|serial_number(str,optional):TheserialnumberoftheAndroiddeviceoremulatortotarget.|**kwargs:AdditionalkeywordargumentstopasstoAdbCommands.||Example:|fromadbpackagesmanagerimportPackageManager||adbpath=r"C:\Android\android-sdk\platform-tools\adb.exe"|serial_number="127.0.0.1:5555"|addpkg=PackageManager(adb_path=adbpath,serial_number=serial_number)|df=addpkg.get_packages_df(ps=True)||df.loc[(df.aa_3rd_party)&(df.aa_package=='com.ytheekshana.deviceinfo')].aa_copy_data_to_hdd.iloc[0]('c:\\deviceinfo_data')|df.loc[(df.aa_3rd_party)&(df.aa_package=='com.ytheekshana.deviceinfo')].aa_copy_apk_to_hdd.iloc[0]('c:\\deviceinfo_apk')|print(df[:5].to_string())||# print(df[:5].to_string())|# aa_path aa_package aa_installer aa_uid aa_3rd_party aa_system aa_copy_data_to_hdd aa_copy_apk_to_hdd|# 0 /vendor/overlay/DisplayCutoutEmulationCorner/DisplayCutoutEmulationCornerOverlay.apk com.android.internal.display.cutout.emulation.corner <NA> 10002 False True /data/data/com.android.internal.display.cutout.emulation.corner vendor\overlay\DisplayCutoutEmulationCorner\DisplayCutoutEmulationCornerOverlay.apk|# 1 /vendor/overlay/DisplayCutoutEmulationDouble/DisplayCutoutEmulationDoubleOverlay.apk com.android.internal.display.cutout.emulation.double <NA> 10001 False True /data/data/com.android.internal.display.cutout.emulation.double vendor\overlay\DisplayCutoutEmulationDouble\DisplayCutoutEmulationDoubleOverlay.apk|# 2 /data/downloads/com.location.provider/com.location.provider.apk com.location.provider <NA> 10044 False True /data/data/com.location.provider data\downloads\com.location.provider\com.location.provider.apk|# 3 /system/priv-app/TelephonyProvider/TelephonyProvider.apk com.android.providers.telephony <NA> 1001 False True /data/data/com.android.providers.telephony system\priv-app\TelephonyProvider\TelephonyProvider.apk|# 4 /system/priv-app/CalendarProvider/CalendarProvider.apk com.android.providers.calendar <NA> 10013 False True /data/data/com.android.providers.calendar system\priv-app\CalendarProvider\CalendarProvider.apk||get_packages_df(self,**kwargs)|RetrievesaDataFramecontaininginformationaboutinstalledAndroidpackagesonthedevice.||Args:|**kwargs:Additionalkeywordargumentstocustomizepackagelisting.||Returns:|pandas.DataFrame:ADataFramewithpackageinformation,includingpackagepath,packagename,installer,|UID,whetherit's a third-party app, and whether it'sasystemapp.Italsoprovidesmethodsfor|copyingtheapp's data and APK to the local file system.||Example:|df=PackageManager.get_packages_df(ps=True)|# Retrieve and manipulate package information using the DataFrame.||Note:|Toaccesspackage-specificactionslikecopyingdataorAPK,youcanusetheprovidedmethodsintheDataFrame.
adbPullAs
adbPullAsadb pull wrapper to pull package private files from Android device.WORKS ONLY ON DEBUG APPLICATIONS.Problem ScopeDevelopers and testers need to access data from/data/data/com.viliussutkus89.adb.pull.as/cache.adb pull /data/data/.../cacheis no go, because the directory is private.adb run-as com.viliussutkus89.adb.pull.as cp /data/data/com.viliussutkus89.adb.pull.as/cache /data/local/tmpis no go, because/data/local/tmpmay require storage permissions.adb su -c cp /data/data/.../cache /data/local/tmpis no go, because it requires root.SolutionRecursive wrapper around adb.Listing directories and reading files while using runtime permissions of specified application.Piping contents into/data/local/tmpusing normal adb user permissions andadb pull'ing into host computer.InstalladbPullAs is available onPyPIpython-mpipinstalladbPullAsUsageadbPullAs is used as follows:adbPullAs PACKAGE_NAME ANDROID_SOURCE... COMPUTER_DESTINATION_DIR.COMPUTER_DESTINATION_DIRcan be omitted to pull into current working directory, but only with a single suppliedANDROID_SOURCE(example 1).MultipleANDROID_SOURCEs requireCOMPUTER_DESTINATION_DIRto be supplied (example 2).Example 1adbPullAs com.viliussutkus89.application /data/data/com.viliussutkus89.application/databases/androidx.work.workdbExample 2adbPullAs com.viliussutkus89.application /data/data/com.viliussutkus89.application/cache /data/data/com.viliussutkus89.application/files ./pulled_from_device
adb-push-create
creates [nested] folders and pushes files with ADBTested against Windows 10 / Python 3.10 / Anacondapip install adb-push-createfromadb_push_createimportpush_file,make_foldersadb_path=r"C:\ProgramData\chocolatey\bin\adb.exe"deviceserial="xxxx"make_folders(adb_path,deviceserial,path2create='/sdcard/DCIM/0/12/4')copyok=push_file(adb_path=adb_path,deviceserial=deviceserial,file=r"C:\xdf - Copy.m4v",dest="/sdcard/DCIM/0/12/4/12/4/5",# path does not exist yet)print(copyok)TrueContribution Contributions are welcome! If you encounter any issues or have suggestions for improvements, please feel free to open an issue or submit a pull request on the GitHub repository.License This project is licensed under the MIT License.
adbpy
An python ADB client that uses the actual ADB TCP server to communicate with devices.Documentation
adbpyg-adapter
ArangoDB-PyG AdapterThe ArangoDB-PyG Adapter exports Graphs from ArangoDB, the multi-model database for graph & beyond, into PyTorch Geometric (PyG), a PyTorch-based Graph Neural Network library, and vice-versa.About PyGPyG(PyTorch Geometric)is a library built uponPyTorchto easily write and train Graph Neural Networks (GNNs) for a wide range of applications related to structured data.It consists of various methods for deep learning on graphs and other irregular structures, also known asgeometric deep learning, from a variety of published papers. In addition, it consists of easy-to-use mini-batch loaders for operating on many small and single giant graphs,multi GPU-support,DataPipesupport, distributed graph learning viaQuiver, a large number of common benchmark datasets (based on simple interfaces to create your own), theGraphGymexperiment manager, and helpful transforms, both for learning on arbitrary graphs as well as on 3D meshes or point clouds.InstallationLatest Releasepip install torch pip install adbpyg-adapterCurrent Statepip install torch pip install git+https://github.com/arangoml/pyg-adapter.gitQuickstartAlso available as an ArangoDB Lunch & Learn session on YouTube:Graph & Beyond Course: ArangoDB-PyG Adapterimporttorchimportpandasfromtorch_geometric.datasetsimportFakeHeteroDatasetfromarangoimportArangoClientfromadbpyg_adapterimportADBPyG_Adapter,ADBPyG_Controllerfromadbpyg_adapter.encodersimportIdentityEncoder,CategoricalEncoder# Connect to ArangoDBdb=ArangoClient().db()# Instantiate the adapteradbpyg_adapter=ADBPyG_Adapter(db)# Create a PyG Heterogeneous Graphdata=FakeHeteroDataset(num_node_types=2,num_edge_types=3,avg_num_nodes=20,avg_num_channels=3,# avg number of features per nodeedge_dim=2,# number of features per edgenum_classes=3,# number of unique label values)[0]PyG to ArangoDBNote: If the PyG graph contains_key,_v_key, or_e_keyproperties for any node / edge types, the adapter will assume to persist those values asArangoDB document keys. See theFull Cycle (ArangoDB -> PyG -> ArangoDB)section below for an example.############################## 1.1: without a Metagraph ##############################adb_g=adbpyg_adapter.pyg_to_arangodb("FakeData",data)########################## 1.2: with a Metagraph ########################### Specifying a Metagraph provides customized adapter behaviourmetagraph={"nodeTypes":{"v0":{"x":"features",# 1) You can specify a string value if you want to rename your PyG data when stored in ArangoDB"y":y_tensor_to_2_column_dataframe,# 2) you can specify a function for user-defined handling, as long as the function returns a Pandas DataFrame},# 3) You can specify set of strings if you want to preserve the same PyG attribute names for the node/edge type"v1":{"x"}# this is equivalent to {"x": "x"}},"edgeTypes":{("v0","e0","v0"):{# 4) You can specify a list of strings for tensor dissasembly (if you know the number of node/edge features in advance)"edge_attr":["a","b"]},},}defy_tensor_to_2_column_dataframe(pyg_tensor:torch.Tensor,adb_df:pandas.DataFrame)->pandas.DataFrame:"""A user-defined function to create twoArangoDB attributes out of the 'user' label tensor:param pyg_tensor: The PyG Tensor containing the data:type pyg_tensor: torch.Tensor:param adb_df: The ArangoDB DataFrame to populate, whosesize is preset to the length of **pyg_tensor**.:type adb_df: pandas.DataFrame:return: The populated ArangoDB DataFrame:rtype: pandas.DataFrame"""label_map={0:"Kiwi",1:"Blueberry",2:"Avocado"}adb_df["label_num"]=pyg_tensor.tolist()adb_df["label_str"]=adb_df["label_num"].map(label_map)returnadb_dfadb_g=adbpyg_adapter.pyg_to_arangodb("FakeData",data,metagraph,explicit_metagraph=False)######################################################## 1.3: with a Metagraph and `explicit_metagraph=True` ######################################################### With `explicit_metagraph=True`, the node & edge types omitted from the metagraph will NOT be converted to ArangoDB.adb_g=adbpyg_adapter.pyg_to_arangodb("FakeData",data,metagraph,explicit_metagraph=True)######################################### 1.4: with a custom ADBPyG Controller #########################################classCustom_ADBPyG_Controller(ADBPyG_Controller):def_prepare_pyg_node(self,pyg_node:dict,node_type:str)->dict:"""Optionally modify a PyG node object before it gets inserted into its designated ArangoDB collection.:param pyg_node: The PyG node object to (optionally) modify.:param node_type: The PyG Node Type of the node.:return: The PyG Node object"""pyg_node["foo"]="bar"returnpyg_nodedef_prepare_pyg_edge(self,pyg_edge:dict,edge_type:tuple)->dict:"""Optionally modify a PyG edge object before it gets inserted into its designated ArangoDB collection.:param pyg_edge: The PyG edge object to (optionally) modify.:param edge_type: The Edge Type of the PyG edge. Formattedas (from_collection, edge_collection, to_collection):return: The PyG Edge object"""pyg_edge["bar"]="foo"returnpyg_edgeadb_g=ADBPyG_Adapter(db,Custom_ADBPyG_Controller()).pyg_to_arangodb("FakeData",data)ArangoDB to PyG# Start from scratch!db.delete_graph("FakeData",drop_collections=True,ignore_missing=True)adbpyg_adapter.pyg_to_arangodb("FakeData",data)######################## 2.1: via Graph name ######################### Due to risk of ambiguity, this method does not transfer attributespyg_g=adbpyg_adapter.arangodb_graph_to_pyg("FakeData")############################## 2.2: via Collection names ############################### Due to risk of ambiguity, this method does not transfer attributespyg_g=adbpyg_adapter.arangodb_collections_to_pyg("FakeData",v_cols={"v0","v1"},e_cols={"e0"})####################### 2.3: via Metagraph ######################## Transfers attributes "as is", meaning they are already formatted to PyG data standards.metagraph_v1={"vertexCollections":{# Move the "x" & "y" ArangoDB attributes to PyG as "x" & "y" Tensors"v0":{"x","y"},# equivalent to {"x": "x", "y": "y"}"v1":{"v1_x":"x"},# store the 'x' feature matrix as 'v1_x' in PyG},"edgeCollections":{"e0":{"edge_attr"},},}pyg_g=adbpyg_adapter.arangodb_to_pyg("FakeData",metagraph_v1)################################################## 2.4: via Metagraph with user-defined encoders ################################################### Transforms attributes via user-defined encoders# For more info on user-defined encoders in PyG, see https://pytorch-geometric.readthedocs.io/en/latest/notes/load_csv.htmlmetagraph_v2={"vertexCollections":{"Movies":{"x":{# Build a feature matrix from the "Action" & "Drama" document attributes"Action":IdentityEncoder(dtype=torch.long),"Drama":IdentityEncoder(dtype=torch.long),},"y":"Comedy",},"Users":{"x":{"Gender":CategoricalEncoder(mapping={"M":0,"F":1}),"Age":IdentityEncoder(dtype=torch.long),}},},"edgeCollections":{"Ratings":{"edge_weight":"Rating"}# Use the 'Rating' attribute for the PyG 'edge_weight' property},}pyg_g=adbpyg_adapter.arangodb_to_pyg("imdb",metagraph_v2)################################################### 2.5: via Metagraph with user-defined functions #################################################### Transforms attributes via user-defined functionsmetagraph_v3={"vertexCollections":{"v0":{"x":udf_v0_x,# supports named functions"y":lambdadf:torch.tensor(df["y"].to_list()),# also supports lambda functions},"v1":{"x":udf_v1_x},},"edgeCollections":{"e0":{"edge_attr":(lambdadf:torch.tensor(df["edge_attr"].to_list()))},},}defudf_v0_x(v0_df:pandas.DataFrame)->torch.Tensor:# v0_df["x"] = ...returntorch.tensor(v0_df["x"].to_list())defudf_v1_x(v1_df:pandas.DataFrame)->torch.Tensor:# v1_df["x"] = ...returntorch.tensor(v1_df["x"].to_list())pyg_g=adbpyg_adapter.arangodb_to_pyg("FakeData",metagraph_v3)Full Cycle (ArangoDB -> PyG -> ArangoDB)# With `preserve_adb_keys=True`, the adapter will preserve the ArangoDB vertex & edge _key values into the (newly created) PyG graph.# Users can then re-import their PyG graph into ArangoDB using the same _key valuespyg_g=adbpyg_adapter.arangodb_graph_to_pyg("imdb",preserve_adb_keys=True)# pyg_g["Movies"]["_key"] --> ["1", "2", ..., "1682"]# pyg_g["Users"]["_key"] --> ["1", "2", ..., "943"]# pyg_g[("Users", "Ratings", "Movies")]["_key"] --> ["2732620466", ..., "2730643624"]# Let's add a new PyG User Node by updating the _key propertypyg_g["Users"]["_key"].append("new-user-here-944")# Note: Prior to the re-import, we must manually set the number of nodes in the PyG graph, since the `arangodb_graph_to_pyg` API creates featureless node datapyg_g["Movies"].num_nodes=len(pyg_g["Movies"]["_key"])# 1682pyg_g["Users"].num_nodes=len(pyg_g["Users"]["_key"])# 944 (prev. 943)# Re-import PyG graph into ArangoDBadbpyg_adapter.pyg_to_arangodb("imdb",pyg_g,on_duplicate="update")Development & TestingPrerequisite:arangorestoregit clone https://github.com/arangoml/pyg-adapter.gitcd pyg-adapter(create virtual environment of choice)pip install torchpip install -e .[dev](create an ArangoDB instance with method of choice)pytest --url <> --dbName <> --username <> --password <>Note: Apytestparameter can be omitted if the endpoint is using its default value:defpytest_addoption(parser):parser.addoption("--url",action="store",default="http://localhost:8529")parser.addoption("--dbName",action="store",default="_system")parser.addoption("--username",action="store",default="root")parser.addoption("--password",action="store",default="")
adbs
Python implementation ofhttps://github.com/techgaun/ad-bs-converterWarning: This is a work in progress
adb-screencap-streaming
Grab screenshots from ADB's screencap and process them right awaypipinstalladb-screencap-streamingfromadb_screencap_streamingimportADBScreenshotimportcv2bilder=ADBScreenshot("C:\\Users\\Gamer\\AppData\\Local\\Android\\Sdk\\platform-tools\\adb.exe","localhost:5735",show_capture_keys="ctrl+alt+z",# starts cv2.imshow() - can be enabled/disabled by pressing ctrl+alt+zshow_fps_keys="ctrl+alt+f",# show the fps rate - can be enabled/disabled by pressing ctrl+alt+fkill_screencap_keys="ctrl+alt+x",# kills the capture process)forkainbilder.get_adb_screenshots(sleeptime=None,resize_width=None,resize_height=None,resize_percent=None,interpolation=cv2.INTER_AREA,):print('Do some stuff here',end='\r')break#if you break out of the loop, stop capturingbilder.kill_screencap()
adbscripts
some adb scriptsTested against Windows / Python 3.11 / Anacondapip install adbscriptsfromadbscriptsimportAdbCapturepath_adb=r"C:\Android\android-sdk\platform-tools\adb.exe"device_serial="127.0.0.1:5555"adbscripts=AdbCapture(adb_path=path_adb,device_serial=device_serial,capture_buffer=100000,use_busybox=False,)adbscripts.connect_to_device()df1,stderr=adbscripts.get_one_csv_uiautomator(defaultvalue="null",convert_to_pandas=True)df,stderr=adbscripts.get_one_csv_activities(defaultvalue="null",with_hashcode=1,convert_to_pandas=True)fromtimeimportsleepimportpandasaspdimportiofromadbscriptsimportAdbCapturepath_adb=r"C:\Android\android-sdk\platform-tools\adb.exe"device_serial="127.0.0.1:5555"self=AdbCapture(adb_path=path_adb,device_serial=device_serial,capture_buffer_for_ui_activities=100000,use_busybox=False,)stdout,stderr=self.connect_to_device()exa=Falselscommand=self.execute_shell_script("ls | cat",su=False,add_exit=True,print_stderr=True,print_stdout=True,clear_temp_lines_for_csv=False,)lscommand.is_alive()print(lscommand.captured_stdout)lscommand2=self.execute_shell_script("""while true; dols | catdone""",su=False,add_exit=True,print_stderr=True,print_stdout=True,clear_temp_lines_for_csv=False,)sleep(4)print(lscommand2.is_alive())lscommand2.stop_capturing=Truesleep(0.5)print(lscommand2.is_alive())activitieselements=self.start_capture_activities(print_csv=1,defaultvalue="null",sleeptime=1,addtoscript="",print_stdout=False,print_stderr=True,add_exit=False,stripline=0,with_class=0,with_mid=0,with_hashcode=0,with_elementid=0,with_visibility=0,with_focusable=0,with_enabled=0,with_drawn=0,with_scrollbars_horizontal=0,with_scrollbars_vertical=0,with_clickable=0,with_long_clickable=0,with_context_clickable=0,with_pflag_is_root_namespace=0,with_pflag_focused=0,with_pflag_selected=0,with_pflag_prepressed=0,with_pflag_hovered=0,with_pflag_activated=0,with_pflag_invalidated=0,with_pflag_dirty_mask=0,)sleep(5)print(activitieselements.stdout_for_ui_and_activities)activitieselements.stop_capturing=Truedf=pd.read_csv(io.StringIO(activitieselements.stdout_for_ui_and_activities[-1]))print(df)uia=self.start_capture_uiautomator(print_csv=1,defaultvalue="null",sleeptime=1,addtoscript="",print_stdout=True,print_stderr=True,add_exit=False,)sleep(5)uia.stop_capturing=True# df2=(pd.read_csv(io.StringIO(uia.stdout_for_ui_and_activities[-1])))# print(df2)capturedpixel=self.start_capture_get_color_at_pixel(x=500,y=509,print_stderr=True,print_stdout=True,)sleep(5)capturedpixel.stop_capturing=Trueprint(capturedpixel.captured_stdout)onlyonetime=self.get_color_at_pixel(x=100,y=200,print_stderr=True,print_stdout=True,)print(onlyonetime)activneu=self.start_capture_activities()sleep(20)activneu.stop_capturing=Trueprint(activneu.stdout_for_ui_and_activities)pd.read_csv(io.StringIO(activneu.stdout_for_ui_and_activities[1]))webscraping=self.start_chrome_webscraping(id_positive_button="app:id/positive_button",id_save_offline_button="app:id/save_offline_button",id_refresh_button="",# id_refresh_button="app:id/refresh_button",sleep_after_positive_button=1,sleep_after_save_offline_button=1,sleep_after_refresh_button=1,print_stderr=True,print_stdout=False,)counter=0fromlxml2pandasimportsubprocess_parsingfromthreadingimportLocklock=Lock()parsedata=[]tmpfiles=[]co=0bubu=FalsewhileTrue:try:sleep(5)ifwebscraping.captured_stdout:try:lock.acquire()parsedata=[webscraping.captured_stdout[-1]]webscraping.captured_stdout.clear()finally:lock.release()ifparsedata:df=subprocess_parsing(parsedata,chunks=1,processes=4,print_stdout=True,print_stderr=True,print_function_exceptions=True,children_and_parents=True,allowed_tags=(),forbidden_tags=("html","body"),filter_function=lambdax:"t"instr(x.aa_attr_values).lower(),)print(df)parsedata.clear()exceptExceptionasfe:print(fe)continuewebscraping.stop_capturing=True
adb-shell
Documentation for this package can be found athttps://adb-shell.readthedocs.io/.Prebuilt wheel can be downloaded fromnightly.link.This Python package implements ADB shell and FileSync functionality. It originated frompython-adb.Installationpip install adb-shellAsyncTo utilize the async version of this code, you must install into a Python 3.7+ environment via:pip install adb-shell[async]USB Support (Experimental)To connect to a device via USB, install this package via:pip install adb-shell[usb]Example Usage(Based onandroidtv/adb_manager.py)fromadb_shell.adb_deviceimportAdbDeviceTcp,AdbDeviceUsbfromadb_shell.auth.sign_pythonrsaimportPythonRSASigner# Load the public and private keysadbkey='path/to/adbkey'withopen(adbkey)asf:priv=f.read()withopen(adbkey+'.pub')asf:pub=f.read()signer=PythonRSASigner(pub,priv)# Connectdevice1=AdbDeviceTcp('192.168.0.222',5555,default_transport_timeout_s=9.)device1.connect(rsa_keys=[signer],auth_timeout_s=0.1)# Connect via USB (package must be installed via `pip install adb-shell[usb])`device2=AdbDeviceUsb()device2.connect(rsa_keys=[signer],auth_timeout_s=0.1)# Send a shell commandresponse1=device1.shell('echo TEST1')response2=device2.shell('echo TEST2')Generate ADB Key FilesIf you need to generate a key, you can do so as follows.fromadb_shell.auth.keygenimportkeygenkeygen('path/to/adbkey')
adbtool
AdbtoolA friendly android adb command-line toolPython Requirementspython 3.10+Android SDKCommandsadbt -h usage: adbt [options] show android device list options: -h, --help show this help message and exit -c CONFIG, --config CONFIG global config --version show program's version number and exit sub commands: {devices,push,install,uninstall,apk,sign,ab,il2cpp} devices show android device list push push files to android device install install apk file uninstall uninstall apk file apk show apk packageName/activityName sign sign apk with android debug(only windows) ab extract unity asset bundle information il2cpp extract unity il2cpp informationadbt devices -h usage: adbt [options] devices [-h] [-d DEVICES [DEVICES ...]] [-l] optional arguments: -h, --help show this help message and exit -d DEVICES [DEVICES ...], --devices DEVICES [DEVICES ...] filter of devices, [n | serial | a] n:index of list(start with 1), serial:at least 2 char, a:all -l, --list show devices listadbt push -h usage: adbt [options] push [-h] [-r] [-n] [-j [HASHJSON]] [--hash [{sha1,mtime}]] [--localdir LOCALDIR] [--remotedir REMOTEDIR] [--dontpush] [-d [DEVICES [DEVICES ...]]] [path [path ...]] positional arguments: path file or directory optional arguments: -h, --help show this help message and exit -r recursion all file -n only push new file by last modify files, see -j -j [HASHJSON] hash json file, default: ./$deviceMode_$deviceSerial.json --hash [{sha1,mtime}] hash function: mtime or sha1, default:mtime --localdir LOCALDIR local prefix and remote prefix, will replace local prefix to remote prefix --remotedir REMOTEDIR local prefix and remote prefix, will replace local prefix to remote prefix --dontpush only outout json file, not really push file to remote -d [DEVICES [DEVICES ...]], --devices [DEVICES [DEVICES ...]] filter of devices, [a | n | serial] a: all devices n: index of devices list(start with 1) serial: devices serial (at least 2 char) not argument is show device listadbt install -h usage: adbt [options] install [-h] [-f [FILTER [FILTER ...]]] [-r] [-d [DEVICES [DEVICES ...]]] [apkpath] positional arguments: apkpath optional arguments: -h, --help show this help message and exit -f [FILTER [FILTER ...]], --filter [FILTER [FILTER ...]] filtered by file name -r, --run run app after install -d [DEVICES [DEVICES ...]], --devices [DEVICES [DEVICES ...]] filter of devices, [a | n | serial] a: all devices n: index of devices list(start with 1) serial: devices serial (at least 2 char) not argument is show device listadbt apk -h usage: adbt [options] apk [-h] [-r] [-d [DEVICES [DEVICES ...]]] [apkpath] positional arguments: apkpath optional arguments: -h, --help show this help message and exit -r, --run run app -d [DEVICES [DEVICES ...]], --devices [DEVICES [DEVICES ...]] filter of devices, [a | n | serial] a: all devices n: index of devices list(start with 1) serial: devices serial (at least 2 char) not argument is show device list
adb-tools
No description available on PyPI.
adbtv
ADB Python ModuleAn easy way to control Android (TV) devices remotely using PythonExamples·Report Bug·Request FeatureTable of ContentsAbout The ProjectGetting StartedPrerequisitesUsageContributingLicenseContactAcknowledgementsAbout The ProjectLike any project, this one have started to solve a simple problem,"How can I integrate my AndroidTV with smart home applications, without using Google Home"So here it is, a simple solution (or kind of), just using Python and Google's Android Debug Bridge. Of course is possible to use this to control any android device, not just the ones running AndroidTV. Using a device like a Raspberry Pi, you can easily control a lot of Android devices with Alexa, for example, and create routines; since Alexa is not natively compatible (yet?!) with AndroidTV and Chromecast devices.Getting StartedClone this project and you're done:gitclonehttps://github.com/luis-gustta/adbtv.gitUsingpip:python-mpipinstalladbtvor:python-mpipinstallgit+https://github.com/luis-gustta/adbtv.gitPrerequisitesThe following modules are requirements to AdbTV:osandtimetyping:python3-mpipinstalltypingADB:Also, you (of course) must have ADB installed.Windows users:If you're using Windows, you can download it from:https://developer.android.com/studio/releases/platform-tools.Linux users:If you're using Linux, you can download it using:Debian-based Linux:sudoaptinstallandroid-tools-adbFedora/SUSE-based Linux:sudoyuminstallandroid-toolsUsageThis module was built to be simple and intuitive, every function have a little "documentation" and is very easy to use. Here's an example:importadbtvasadbadb.connect('ip','port')adb.shell_cmd('echo hello world')Because the main focus of this module is to control AndroidTV systems, most commands have been optimized for this. Another example:importadbtvasadbadb.connect('ip','port')adb.launch_app('NETFLIX')More examples about usage can be found under theexamplesfolder.ContributingContributions are what make the open source community such an amazing place to be learn, inspire, and create. Any contributions you make aregreatly appreciated.Fork the ProjectCreate your Feature Branch (git checkout -b feature/AmazingFeature)Commit your Changes (git commit -m 'Add some AmazingFeature')Push to the Branch (git push origin feature/AmazingFeature)Open a Pull RequestLicenseDistributed under the MIT License. SeeLICENSEfor more information.ContactLuis Gustavo [email protected] Link:https://github.com/luis-gustta/adbtv/AcknowledgementsBest-README-TemplateADBImgbotChoose an Open Source LicenseImg ShieldsGitHub Emoji Cheat SheetGitHub PagesAnimate.css
adbui
常见问题adbui 交流微信群,加 hao1032,备注 adbui,会拉入微信群使用 ocr 提示出错,请在该页面最后查看使用 ocr 示例adbuiadbui 所有的功能都是通过 adb 命令,adbui 的特色是可以通过 xpath,ocr 获取 ui 元素。安装pip install adbui要求在命令中可以使用 adb 命令,即adb已经配置到环境变量adb 的版本最好是 >= 1.0.39,用老版本的 adb 可能会有一些奇怪的问题依赖的库:lxml 解析 xml,requests 发 ocr 请求,pillow 图片处理说明adbui 当前还在完善,bug 和建议请直接在 github 反馈主要在 win7,python3 环境使用,其他环境可能有问题import and initfrom adbui import Device d = Device('123abc') # 手机的sn号,如果只有一个手机可以不写adbui 可以分为 3 个部分util 负责执行完整的命令cmd用来执行系统命令d.util.cmd('adb -s 123abc reboot') out = d.util.cmd('ping 127.0.0.1')adb用来执行 adb 命令d.util.adb('install xxx.apk') d.util.adb('uninstall com.tencent.mtt')shell用来执行 shell 命令d.util.shell('pm clear com.tencent.mtt') d.util.shell('am force-stop com.tencent.mtt')adb_ext 对常用 adb 命令的封装,下面列出部分操作(可在 adbui/adb_ext.py 文件自行增加需要的操作)screenshotd.adb_ext.screenshot() # 截图保存到系统临时目录,也可指定目录clickd.adb_ext.click(10, 32) # 执行一个点击事件inputd.adb_ext.input('adbui') # 输入文本backd.adb_ext.back() # 发出 back 指令get_ui 可以通过多种方式获取 UIby attr通过在 uiautomator 里面看到的属性来获取ui = d.get_ui_by_attr(text='设置', desc='设置') # 支持多个属性同时查找 ui = d.get_ui_by_attr(text='设', is_contains=True) # 支持模糊查找 ui = d.get_ui_by_attr(text='设置', is_update=False) # 如果需要在一个界面上获取多个 UI, 再次查找时可以设置不更新xml文件和截图,节省时间 ui = d.get_ui_by_attr(class_='android.widget.TextView') # class 在 python 中是关键字,因此使用 class_ 代替 ui = d.get_ui_by_attr(desc='fffffff') # 如果没有找到,返回 None;如果找到多个返回第一个 ui = d.get_uis_by_attr(desc='fffffff') # 如果是 get uis 没有找到,返回空的 listby xpath使用 xpath 来获取mic_btn = d.get_ui_by_xpath('.//FrameLayout/LinearLayout/RelativeLayout/ImageView[2]') # 获取麦克风按钮 mic_btn.click() # 点击麦克风按钮 # adbui 使用 lxml 解析 xml 文件,因此 by xpath 理论上支持任何标准的 xpth 路径。 # 这里有一篇 xpath 使用的文章:https://cuiqingcai.com/2621.html # 另外获取的 ui 对象实际是一个自定义的 UI 实类,ui 有一个 element 的属性,element 就是 lxml 里面的 Element 对象, # 因此可以对 ui.element 执行 lxml 的相关操作。 # lxml element 对象的文档:http://lxml.de/api/lxml.etree._Element-class.html scan_element = ui.element.getprevious() # 获取麦克风的上一个 element,即扫一扫按钮 scan_btn = d.get_ui_by_element(scan_element) # 使用 element 实例化 UI scan_btn.click() # 点击扫一扫按钮by ocr使用腾讯的OCR技术来获取d.init_ocr('10126986', 'AKIDT1Ws34B98MgtvmqRIC4oQr7CBzhEPvCL', 'AAyb3KQL5d1DE4jIMF2f6PYWJvLaeXEk') # 使用 ocr 功能前,必须要使用自己的开发密钥初始化,上面的密钥是我申请的公共测试密钥,要稳定使用请自行申请 # 腾讯的 ocr 功能是免费使用的,需要自己到 http://open.youtu.qq.com/#/develop/new-join 申请自己的开发密钥 btn = d.get_ui_by_ocr(text='爱拍') # 找到爱拍文字的位置 btn.click() # 点击爱拍Change Log20210425 version 4.5.0screenshot 和 dump xml 优先使用 adbui,预期速度有很大的提升删除 Pillow 依赖20210425 version 4.0.0screenshot 参数有变化,升级请谨慎尝试尽量使用 minicap 截图尝试不使用 pillow 功能20210418 version 3.5.2增加 minicap 截图20210325 version 2.6dump xml 优先使用 --compressed 模式20210325 version 2.4修复python3.8以上版本找控件报错 RuntimeError: dictionary keys changed during iteration20200402 version 1.0修改screenshot 参数情况去掉 cmd out save 函数init ocr支持keys传入多个key20200328 version 0.40.1修改 push pull 方法等参数使用 timeout 库控制超时get ui by orc 去掉 min hit 参数,增加 is contains 参数
adbuiautolite
ADB - UiAutomator XML dump to pandas DataFrameTested against Windows / Python 3.11 / Anacondapip install adbuiautolite#UiAutoDumpLite is a class for interacting with the UIAutomator tool to retrieve UI information#from an Android device using ADB (Android Debug Bridge).## Parameters:# adb (AdbCommands, optional): An instance of AdbCommands for executing ADB commands.# adb_path (str, optional): The path to the ADB executable. If not provided, it will use the# system's ADB if available.# serial_number (str, optional): The serial number of the Android device to target when using ADB.# **kwargs: Additional keyword arguments to pass to AdbCommands.## Methods:# get_df(timeout=60, remove_old_file=True, with_fu=True, tmpfile="/sdcard/view.xml",# sleep_after_dump=0.05, t_long_touch=1, **kwargs):# - Retrieves UI information from the Android device and returns it as a DataFrame.# Example usagefromadbuiautoliteimportUiAutoDumpLiteadbpath=r"C:\Android\android-sdk\platform-tools\adb.exe"serial_number="127.0.0.1:5555"# alternative:fromusefuladbimportAdbCommandsuadb=AdbCommands(adbpath,serial_number,use_busybox=False)#dfg1=UiAutoDumpLite(adb_path=adbpath,serial_number=serial_number)# either path and serial numberdfg2=UiAutoDumpLite(adb=uadb)# or AdbCommands object# Retrieve UI information from the Android device and return it as a DataFrame.## Parameters:# timeout (int, optional): The maximum time to wait for UI information retrieval, in seconds.# remove_old_file (bool, optional): Whether to remove the old UI information file before dumping a new one.# with_fu (bool, optional): Whether to include Tap objects for interaction in the DataFrame.# tmpfile (str, optional): The path to the temporary UI information file on the Android device.# sleep_after_dump (float, optional): Time to sleep after dumping UI information.# t_long_touch (int, optional): Duration for long-touch actions.# **kwargs: Additional keyword arguments to pass to AdbCommands.## Returns:# pandas.DataFrame: A DataFrame containing UI information.df=dfg1.get_df(timeout=60,remove_old_file=True,with_fu=True,tmpfile="/sdcard/view.xml",sleep_after_dump=0.05,t_long_touch=1,)print(df.to_string())df.loc[df.cc_content_desc=='searchbar'].ff_mouse_tap.iloc[0]()df.loc[df.cc_content_desc=='searchbar'].ff_mouse_longtap.iloc[0](3)# seconds to click# cc_hierarchy cc_index cc_text cc_resource_id cc_class cc_package cc_content_desc cc_checkable cc_checked cc_clickable cc_enabled cc_focusable cc_focused cc_scrollable cc_long_clickable cc_password cc_selected cc_NAF cc_start_x cc_start_y cc_end_x cc_end_y cc_width cc_height cc_center_x cc_center_y cc_area ff_dpad_longtap ff_dpad_tap ff_gamepad_longtap ff_gamepad_tap ff_joystick_longtap ff_joystick_tap ff_keyboard_longtap ff_keyboard_tap ff_mouse_longtap ff_mouse_tap ff_stylus_longtap ff_stylus_tap ff_tap ff_touchnavigation_longtap ff_touchnavigation_tap ff_touchpad_longtap ff_touchpad_tap ff_touchscreen_longtap ff_touchscreen_tap ff_trackball_longtap ff_trackball_tap# 0 (node,) 0 android.widget.FrameLayout com.bluestacks.launcher False False False True False False False False False False NaN 0 0 1600 900 1600 900 800 450 1440000 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450# 1 (node, node) 0 android.widget.LinearLayout com.bluestacks.launcher False False False True False False False False False False NaN 0 0 1600 900 1600 900 800 450 1440000 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450# 2 (node, node, node) 0 android:id/content android.widget.FrameLayout com.bluestacks.launcher False False False True False False False False False False NaN 0 0 1600 900 1600 900 800 450 1440000 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450# 3 (node, node, node, node) 0 android.widget.FrameLayout com.bluestacks.launcher False False False True False False False False False False NaN 0 0 1600 900 1600 900 800 450 1440000 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450 x: 800 y: 450 t:1 x: 800 y: 450# 4 (node, node, node, node, node) 0 com.bluestacks.launcher:id/drawer_layout androidx.drawerlayout.widget.DrawerLayout com.bluestacks.launcher False False False True False False False False False False NaN 0 36 1600 900 1600 864 800 468 1382400 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468# 5 (node, node, node, node, node, node) 0 com.bluestacks.launcher:id/item_option android.widget.FrameLayout com.bluestacks.launcher False False False True True True False False False False NaN 0 36 1600 900 1600 864 800 468 1382400 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468# 6 (node, node, node, node, node, node, node, 0.0) 0 android.view.View com.bluestacks.launcher False False False True False False False False False False NaN 0 36 1600 900 1600 864 800 468 1382400 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468# 7 (node, node, node, node, node, node, node, 1.0) 1 android.view.ViewGroup com.bluestacks.launcher False False False True False False False False False False NaN 0 36 1600 900 1600 864 800 468 1382400 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468 x: 800 y: 468 t:1 x: 800 y: 468# 8 (node, node, node, node, node, node, node, 1.0, node, 0.0) 0 com.bluestacks.launcher:id/searchRelativeLayout android.widget.RelativeLayout com.bluestacks.launcher False False True True True False False False False False NaN 501 117 1100 166 599 49 800 141 29351 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141# 9 (node, node, node, node, node, node, node, 1.0, node, 0.0, node, 0) 0 com.bluestacks.launcher:id/searchPlayIcon android.widget.ImageView com.bluestacks.launcher searchbar False False False True False False False False False False NaN 520 131 539 150 19 19 529 140 361 x: 529 y: 140 t:1 x: 529 y: 140 x: 529 y: 140 t:1 x: 529 y: 140 x: 529 y: 140 t:1 x: 529 y: 140 x: 529 y: 140 t:1 x: 529 y: 140 x: 529 y: 140 t:1 x: 529 y: 140 x: 529 y: 140 t:1 x: 529 y: 140 x: 529 y: 140 x: 529 y: 140 t:1 x: 529 y: 140 x: 529 y: 140 t:1 x: 529 y: 140 x: 529 y: 140 t:1 x: 529 y: 140 x: 529 y: 140 t:1 x: 529 y: 140# 10 (node, node, node, node, node, node, node, 1.0, node, 0.0, node, 1) 1 com.bluestacks.launcher:id/searchEditText android.widget.EditText com.bluestacks.launcher False False True True True False False True False False true 538 117 1062 166 524 49 800 141 25676 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141 x: 800 y: 141 t:1 x: 800 y: 141# 11 (node, node, node, node, node, node, node, 1.0, node, 0.0, node, 2) 2 com.bluestacks.launcher:id/searchIcon android.widget.ImageView com.bluestacks.launcher searchbar False False True True True False False False False False NaN 1062 131 1081 150 19 19 1071 140 361 x:1071 y: 140 t:1 x:1071 y: 140 x:1071 y: 140 t:1 x:1071 y: 140 x:1071 y: 140 t:1 x:1071 y: 140 x:1071 y: 140 t:1 x:1071 y: 140 x:1071 y: 140 t:1 x:1071 y: 140 x:1071 y: 140 t:1 x:1071 y: 140 x:1071 y: 140 x:1071 y: 140 t:1 x:1071 y: 140 x:1071 y: 140 t:1 x:1071 y: 140 x:1071 y: 140 t:1 x:1071 y: 140 x:1071 y: 140 t:1 x:1071 y: 140# 12 (node, node, node, node, node, node, node, 1.0, node, 1.0) 1 com.bluestacks.launcher:id/desktop androidx.viewpager.widget.b com.bluestacks.launcher False False False True True False False False False False NaN 44 202 1556 590 1512 388 800 396 586656 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396# 13 (node, node, node, node, node, node, node, 1.0, node, 1.0, node) 0 android.view.ViewGroup com.bluestacks.launcher False False False True False False False False False False NaN 44 202 1556 590 1512 388 800 396 586656 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396 x: 800 y: 396 t:1 x: 800 y: 396# 14 (node, node, node, node, node, node, node, 1.0, node, 1.0, node, node, 0) 0 android.view.View com.bluestacks.launcher False False True True True False False True False False true 44 202 296 396 252 194 170 299 48888 x: 170 y: 299 t:1 x: 170 y: 299 x: 170 y: 299 t:1 x: 170 y: 299 x: 170 y: 299 t:1 x: 170 y: 299 x: 170 y: 299 t:1 x: 170 y: 299 x: 170 y: 299 t:1 x: 170 y: 299 x: 170 y: 299 t:1 x: 170 y: 299 x: 170 y: 299 x: 170 y: 299 t:1 x: 170 y: 299 x: 170 y: 299 t:1 x: 170 y: 299 x: 170 y: 299 t:1 x: 170 y: 299 x: 170 y: 299 t:1 x: 170 y: 299# 15 (node, node, node, node, node, node, node, 1.0, node, 1.0, node, node, 1) 1 android.view.View com.bluestacks.launcher False False True True True False False True False False true 296 202 548 396 252 194 422 299 48888 x: 422 y: 299 t:1 x: 422 y: 299 x: 422 y: 299 t:1 x: 422 y: 299 x: 422 y: 299 t:1 x: 422 y: 299 x: 422 y: 299 t:1 x: 422 y: 299 x: 422 y: 299 t:1 x: 422 y: 299 x: 422 y: 299 t:1 x: 422 y: 299 x: 422 y: 299 x: 422 y: 299 t:1 x: 422 y: 299 x: 422 y: 299 t:1 x: 422 y: 299 x: 422 y: 299 t:1 x: 422 y: 299 x: 422 y: 299 t:1 x: 422 y: 299# 16 (node, node, node, node, node, node, node, 1.0, node, 1.0, node, node, 2) 2 android.view.View com.bluestacks.launcher False False True True True False False True False False true 548 202 800 396 252 194 674 299 48888 x: 674 y: 299 t:1 x: 674 y: 299 x: 674 y: 299 t:1 x: 674 y: 299 x: 674 y: 299 t:1 x: 674 y: 299 x: 674 y: 299 t:1 x: 674 y: 299 x: 674 y: 299 t:1 x: 674 y: 299 x: 674 y: 299 t:1 x: 674 y: 299 x: 674 y: 299 x: 674 y: 299 t:1 x: 674 y: 299 x: 674 y: 299 t:1 x: 674 y: 299 x: 674 y: 299 t:1 x: 674 y: 299 x: 674 y: 299 t:1 x: 674 y: 299# 17 (node, node, node, node, node, node, node, 1.0, node, 1.0, node, node, 3) 3 android.view.View com.bluestacks.launcher False False True True True False False True False False true 800 202 1052 396 252 194 926 299 48888 x: 926 y: 299 t:1 x: 926 y: 299 x: 926 y: 299 t:1 x: 926 y: 299 x: 926 y: 299 t:1 x: 926 y: 299 x: 926 y: 299 t:1 x: 926 y: 299 x: 926 y: 299 t:1 x: 926 y: 299 x: 926 y: 299 t:1 x: 926 y: 299 x: 926 y: 299 x: 926 y: 299 t:1 x: 926 y: 299 x: 926 y: 299 t:1 x: 926 y: 299 x: 926 y: 299 t:1 x: 926 y: 299 x: 926 y: 299 t:1 x: 926 y: 299# 18 (node, node, node, node, node, node, node, 1.0, node, 1.0, node, node, 4) 4 android.view.View com.bluestacks.launcher False False True True True False False True False False true 1052 202 1304 396 252 194 1178 299 48888 x:1178 y: 299 t:1 x:1178 y: 299 x:1178 y: 299 t:1 x:1178 y: 299 x:1178 y: 299 t:1 x:1178 y: 299 x:1178 y: 299 t:1 x:1178 y: 299 x:1178 y: 299 t:1 x:1178 y: 299 x:1178 y: 299 t:1 x:1178 y: 299 x:1178 y: 299 x:1178 y: 299 t:1 x:1178 y: 299 x:1178 y: 299 t:1 x:1178 y: 299 x:1178 y: 299 t:1 x:1178 y: 299 x:1178 y: 299 t:1 x:1178 y: 299# 19 (node, node, node, node, node, node, node, 1.0, node, 1.0, node, node, 5) 5 android.view.View com.bluestacks.launcher False False True True True False False True False False true 1304 202 1556 396 252 194 1430 299 48888 x:1430 y: 299 t:1 x:1430 y: 299 x:1430 y: 299 t:1 x:1430 y: 299 x:1430 y: 299 t:1 x:1430 y: 299 x:1430 y: 299 t:1 x:1430 y: 299 x:1430 y: 299 t:1 x:1430 y: 299 x:1430 y: 299 t:1 x:1430 y: 299 x:1430 y: 299 x:1430 y: 299 t:1 x:1430 y: 299 x:1430 y: 299 t:1 x:1430 y: 299 x:1430 y: 299 t:1 x:1430 y: 299 x:1430 y: 299 t:1 x:1430 y: 299# 20 (node, node, node, node, node, node, node, 1.0, node, 2.0) 4 com.bluestacks.launcher:id/dock android.widget.LinearLayout com.bluestacks.launcher False False False True False False False False False False NaN 196 667 1404 900 1208 233 800 783 281464 x: 800 y: 783 t:1 x: 800 y: 783 x: 800 y: 783 t:1 x: 800 y: 783 x: 800 y: 783 t:1 x: 800 y: 783 x: 800 y: 783 t:1 x: 800 y: 783 x: 800 y: 783 t:1 x: 800 y: 783 x: 800 y: 783 t:1 x: 800 y: 783 x: 800 y: 783 x: 800 y: 783 t:1 x: 800 y: 783 x: 800 y: 783 t:1 x: 800 y: 783 x: 800 y: 783 t:1 x: 800 y: 783 x: 800 y: 783 t:1 x: 800 y: 783# 21 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 0) 0 POPULAR GAMES TO PLAY com.bluestacks.launcher:id/popular_gam android.widget.TextView com.bluestacks.launcher False False False True False False False False False False NaN 196 676 1404 694 1208 18 800 685 21744 x: 800 y: 685 t:1 x: 800 y: 685 x: 800 y: 685 t:1 x: 800 y: 685 x: 800 y: 685 t:1 x: 800 y: 685 x: 800 y: 685 t:1 x: 800 y: 685 x: 800 y: 685 t:1 x: 800 y: 685 x: 800 y: 685 t:1 x: 800 y: 685 x: 800 y: 685 x: 800 y: 685 t:1 x: 800 y: 685 x: 800 y: 685 t:1 x: 800 y: 685 x: 800 y: 685 t:1 x: 800 y: 685 x: 800 y: 685 t:1 x: 800 y: 685# 22 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1) 1 com.bluestacks.launcher:id/frameLayout android.widget.FrameLayout com.bluestacks.launcher False False False True False False False False False False NaN 196 694 1404 900 1208 206 800 797 248848 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797# 23 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0) 0 android.widget.FrameLayout com.bluestacks.launcher False False False True False False False False False False NaN 196 694 1404 900 1208 206 800 797 248848 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797 x: 800 y: 797 t:1 x: 800 y: 797# 24 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node) 0 com.bluestacks.launcher:id/allappsLinearLayout android.widget.LinearLayout com.bluestacks.launcher False False False True False False False False False False NaN 258 694 1342 876 1084 182 800 785 197288 x: 800 y: 785 t:1 x: 800 y: 785 x: 800 y: 785 t:1 x: 800 y: 785 x: 800 y: 785 t:1 x: 800 y: 785 x: 800 y: 785 t:1 x: 800 y: 785 x: 800 y: 785 t:1 x: 800 y: 785 x: 800 y: 785 t:1 x: 800 y: 785 x: 800 y: 785 x: 800 y: 785 t:1 x: 800 y: 785 x: 800 y: 785 t:1 x: 800 y: 785 x: 800 y: 785 t:1 x: 800 y: 785 x: 800 y: 785 t:1 x: 800 y: 785# 25 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 0.0) 0 com.bluestacks.launcher:id/appOneLinearLayout android.widget.LinearLayout com.bluestacks.launcher False False True True True False False False False False NaN 324 694 483 876 159 182 403 785 28938 x: 403 y: 785 t:1 x: 403 y: 785 x: 403 y: 785 t:1 x: 403 y: 785 x: 403 y: 785 t:1 x: 403 y: 785 x: 403 y: 785 t:1 x: 403 y: 785 x: 403 y: 785 t:1 x: 403 y: 785 x: 403 y: 785 t:1 x: 403 y: 785 x: 403 y: 785 x: 403 y: 785 t:1 x: 403 y: 785 x: 403 y: 785 t:1 x: 403 y: 785 x: 403 y: 785 t:1 x: 403 y: 785 x: 403 y: 785 t:1 x: 403 y: 785# 26 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 0.0, node, 0.0) 0 com.bluestacks.launcher:id/app_image_one android.widget.FrameLayout com.bluestacks.launcher False False False True False False False False False False NaN 353 720 453 820 100 100 403 770 10000 x: 403 y: 770 t:1 x: 403 y: 770 x: 403 y: 770 t:1 x: 403 y: 770 x: 403 y: 770 t:1 x: 403 y: 770 x: 403 y: 770 t:1 x: 403 y: 770 x: 403 y: 770 t:1 x: 403 y: 770 x: 403 y: 770 t:1 x: 403 y: 770 x: 403 y: 770 x: 403 y: 770 t:1 x: 403 y: 770 x: 403 y: 770 t:1 x: 403 y: 770 x: 403 y: 770 t:1 x: 403 y: 770 x: 403 y: 770 t:1 x: 403 y: 770# 27 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 0.0, node, 0.0, node) 0 com.bluestacks.launcher:id/popup_image_one android.widget.ImageView com.bluestacks.launcher False False False True False False False False False False NaN 427 723 450 746 23 23 438 734 529 x: 438 y: 734 t:1 x: 438 y: 734 x: 438 y: 734 t:1 x: 438 y: 734 x: 438 y: 734 t:1 x: 438 y: 734 x: 438 y: 734 t:1 x: 438 y: 734 x: 438 y: 734 t:1 x: 438 y: 734 x: 438 y: 734 t:1 x: 438 y: 734 x: 438 y: 734 x: 438 y: 734 t:1 x: 438 y: 734 x: 438 y: 734 t:1 x: 438 y: 734 x: 438 y: 734 t:1 x: 438 y: 734 x: 438 y: 734 t:1 x: 438 y: 734# 28 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 0.0, node, 1.0) 1 Dragonheir: Silent Gods com.bluestacks.launcher:id/app_name_one android.widget.TextView com.bluestacks.launcher False False False True False False False False False False NaN 324 828 483 876 159 48 403 852 7632 x: 403 y: 852 t:1 x: 403 y: 852 x: 403 y: 852 t:1 x: 403 y: 852 x: 403 y: 852 t:1 x: 403 y: 852 x: 403 y: 852 t:1 x: 403 y: 852 x: 403 y: 852 t:1 x: 403 y: 852 x: 403 y: 852 t:1 x: 403 y: 852 x: 403 y: 852 x: 403 y: 852 t:1 x: 403 y: 852 x: 403 y: 852 t:1 x: 403 y: 852 x: 403 y: 852 t:1 x: 403 y: 852 x: 403 y: 852 t:1 x: 403 y: 852# 29 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 1.0) 1 com.bluestacks.launcher:id/appTwoLinearLayout android.widget.LinearLayout com.bluestacks.launcher False False True True True False False False False False NaN 483 694 642 876 159 182 562 785 28938 x: 562 y: 785 t:1 x: 562 y: 785 x: 562 y: 785 t:1 x: 562 y: 785 x: 562 y: 785 t:1 x: 562 y: 785 x: 562 y: 785 t:1 x: 562 y: 785 x: 562 y: 785 t:1 x: 562 y: 785 x: 562 y: 785 t:1 x: 562 y: 785 x: 562 y: 785 x: 562 y: 785 t:1 x: 562 y: 785 x: 562 y: 785 t:1 x: 562 y: 785 x: 562 y: 785 t:1 x: 562 y: 785 x: 562 y: 785 t:1 x: 562 y: 785# 30 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 1.0, node, 0.0) 0 com.bluestacks.launcher:id/app_image_two android.widget.FrameLayout com.bluestacks.launcher False False False True False False False False False False NaN 512 720 612 820 100 100 562 770 10000 x: 562 y: 770 t:1 x: 562 y: 770 x: 562 y: 770 t:1 x: 562 y: 770 x: 562 y: 770 t:1 x: 562 y: 770 x: 562 y: 770 t:1 x: 562 y: 770 x: 562 y: 770 t:1 x: 562 y: 770 x: 562 y: 770 t:1 x: 562 y: 770 x: 562 y: 770 x: 562 y: 770 t:1 x: 562 y: 770 x: 562 y: 770 t:1 x: 562 y: 770 x: 562 y: 770 t:1 x: 562 y: 770 x: 562 y: 770 t:1 x: 562 y: 770# 31 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 1.0, node, 1.0) 1 The Lord of the Rings: War com.bluestacks.launcher:id/app_name_two android.widget.TextView com.bluestacks.launcher False False False True False False False False False False NaN 483 828 642 876 159 48 562 852 7632 x: 562 y: 852 t:1 x: 562 y: 852 x: 562 y: 852 t:1 x: 562 y: 852 x: 562 y: 852 t:1 x: 562 y: 852 x: 562 y: 852 t:1 x: 562 y: 852 x: 562 y: 852 t:1 x: 562 y: 852 x: 562 y: 852 t:1 x: 562 y: 852 x: 562 y: 852 x: 562 y: 852 t:1 x: 562 y: 852 x: 562 y: 852 t:1 x: 562 y: 852 x: 562 y: 852 t:1 x: 562 y: 852 x: 562 y: 852 t:1 x: 562 y: 852# 32 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 2.0) 2 com.bluestacks.launcher:id/appThreeLinearLayout android.widget.LinearLayout com.bluestacks.launcher False False True True True False False False False False NaN 642 694 801 876 159 182 721 785 28938 x: 721 y: 785 t:1 x: 721 y: 785 x: 721 y: 785 t:1 x: 721 y: 785 x: 721 y: 785 t:1 x: 721 y: 785 x: 721 y: 785 t:1 x: 721 y: 785 x: 721 y: 785 t:1 x: 721 y: 785 x: 721 y: 785 t:1 x: 721 y: 785 x: 721 y: 785 x: 721 y: 785 t:1 x: 721 y: 785 x: 721 y: 785 t:1 x: 721 y: 785 x: 721 y: 785 t:1 x: 721 y: 785 x: 721 y: 785 t:1 x: 721 y: 785# 33 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 2.0, node, 0.0) 0 com.bluestacks.launcher:id/app_image_three android.widget.FrameLayout com.bluestacks.launcher False False False True False False False False False False NaN 671 720 771 820 100 100 721 770 10000 x: 721 y: 770 t:1 x: 721 y: 770 x: 721 y: 770 t:1 x: 721 y: 770 x: 721 y: 770 t:1 x: 721 y: 770 x: 721 y: 770 t:1 x: 721 y: 770 x: 721 y: 770 t:1 x: 721 y: 770 x: 721 y: 770 t:1 x: 721 y: 770 x: 721 y: 770 x: 721 y: 770 t:1 x: 721 y: 770 x: 721 y: 770 t:1 x: 721 y: 770 x: 721 y: 770 t:1 x: 721 y: 770 x: 721 y: 770 t:1 x: 721 y: 770# 34 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 2.0, node, 0.0, node) 0 com.bluestacks.launcher:id/popup_image_three android.widget.ImageView com.bluestacks.launcher False False False True False False False False False False NaN 745 723 768 746 23 23 756 734 529 x: 756 y: 734 t:1 x: 756 y: 734 x: 756 y: 734 t:1 x: 756 y: 734 x: 756 y: 734 t:1 x: 756 y: 734 x: 756 y: 734 t:1 x: 756 y: 734 x: 756 y: 734 t:1 x: 756 y: 734 x: 756 y: 734 t:1 x: 756 y: 734 x: 756 y: 734 x: 756 y: 734 t:1 x: 756 y: 734 x: 756 y: 734 t:1 x: 756 y: 734 x: 756 y: 734 t:1 x: 756 y: 734 x: 756 y: 734 t:1 x: 756 y: 734# 35 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 2.0, node, 1.0) 1 Anocris com.bluestacks.launcher:id/app_name_three android.widget.TextView com.bluestacks.launcher False False False True False False False False False False NaN 642 828 801 876 159 48 721 852 7632 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852 x: 721 y: 852 t:1 x: 721 y: 852# 36 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 3.0) 3 com.bluestacks.launcher:id/appFourLinearLayout android.widget.LinearLayout com.bluestacks.launcher False False True True True False False False False False NaN 801 694 960 876 159 182 880 785 28938 x: 880 y: 785 t:1 x: 880 y: 785 x: 880 y: 785 t:1 x: 880 y: 785 x: 880 y: 785 t:1 x: 880 y: 785 x: 880 y: 785 t:1 x: 880 y: 785 x: 880 y: 785 t:1 x: 880 y: 785 x: 880 y: 785 t:1 x: 880 y: 785 x: 880 y: 785 x: 880 y: 785 t:1 x: 880 y: 785 x: 880 y: 785 t:1 x: 880 y: 785 x: 880 y: 785 t:1 x: 880 y: 785 x: 880 y: 785 t:1 x: 880 y: 785# 37 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 3.0, node, 0.0) 0 com.bluestacks.launcher:id/app_image_four android.widget.FrameLayout com.bluestacks.launcher False False False True False False False False False False NaN 830 720 930 820 100 100 880 770 10000 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770 x: 880 y: 770 t:1 x: 880 y: 770# 38 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 3.0, node, 1.0) 1 Lords Mobile: Kingdom Wars com.bluestacks.launcher:id/app_name_four android.widget.TextView com.bluestacks.launcher False False False True False False False False False False NaN 801 828 960 876 159 48 880 852 7632 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852 x: 880 y: 852 t:1 x: 880 y: 852# 39 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 4.0) 4 com.bluestacks.launcher:id/appFiveLinearLayout android.widget.LinearLayout com.bluestacks.launcher False False True True True False False False False False NaN 960 694 1118 876 158 182 1039 785 28756 x:1039 y: 785 t:1 x:1039 y: 785 x:1039 y: 785 t:1 x:1039 y: 785 x:1039 y: 785 t:1 x:1039 y: 785 x:1039 y: 785 t:1 x:1039 y: 785 x:1039 y: 785 t:1 x:1039 y: 785 x:1039 y: 785 t:1 x:1039 y: 785 x:1039 y: 785 x:1039 y: 785 t:1 x:1039 y: 785 x:1039 y: 785 t:1 x:1039 y: 785 x:1039 y: 785 t:1 x:1039 y: 785 x:1039 y: 785 t:1 x:1039 y: 785# 40 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 4.0, node, 0.0) 0 com.bluestacks.launcher:id/app_image_five android.widget.FrameLayout com.bluestacks.launcher False False False True False False False False False False NaN 989 720 1089 820 100 100 1039 770 10000 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770 x:1039 y: 770 t:1 x:1039 y: 770# 41 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 4.0, node, 1.0) 1 Idle Heroes com.bluestacks.launcher:id/app_name_five android.widget.TextView com.bluestacks.launcher False False False True False False False False False False NaN 960 828 1118 876 158 48 1039 852 7584 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852 x:1039 y: 852 t:1 x:1039 y: 852# 42 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 5.0) 5 com.bluestacks.launcher:id/appSixLinearLayout android.widget.LinearLayout com.bluestacks.launcher False False True True True False False False False False NaN 1118 694 1276 876 158 182 1197 785 28756 x:1197 y: 785 t:1 x:1197 y: 785 x:1197 y: 785 t:1 x:1197 y: 785 x:1197 y: 785 t:1 x:1197 y: 785 x:1197 y: 785 t:1 x:1197 y: 785 x:1197 y: 785 t:1 x:1197 y: 785 x:1197 y: 785 t:1 x:1197 y: 785 x:1197 y: 785 x:1197 y: 785 t:1 x:1197 y: 785 x:1197 y: 785 t:1 x:1197 y: 785 x:1197 y: 785 t:1 x:1197 y: 785 x:1197 y: 785 t:1 x:1197 y: 785# 43 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 5.0, node, 0.0) 0 com.bluestacks.launcher:id/app_image_six android.widget.FrameLayout com.bluestacks.launcher False False False True False False False False False False NaN 1147 720 1247 820 100 100 1197 770 10000 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770 x:1197 y: 770 t:1 x:1197 y: 770# 44 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 5.0, node, 0.0, node) 0 com.bluestacks.launcher:id/popup_image_six android.widget.ImageView com.bluestacks.launcher False False False True False False False False False False NaN 1221 723 1244 746 23 23 1232 734 529 x:1232 y: 734 t:1 x:1232 y: 734 x:1232 y: 734 t:1 x:1232 y: 734 x:1232 y: 734 t:1 x:1232 y: 734 x:1232 y: 734 t:1 x:1232 y: 734 x:1232 y: 734 t:1 x:1232 y: 734 x:1232 y: 734 t:1 x:1232 y: 734 x:1232 y: 734 x:1232 y: 734 t:1 x:1232 y: 734 x:1232 y: 734 t:1 x:1232 y: 734 x:1232 y: 734 t:1 x:1232 y: 734 x:1232 y: 734 t:1 x:1232 y: 734# 45 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 0, node, node, 5.0, node, 1.0) 1 Tentlan com.bluestacks.launcher:id/app_name_six android.widget.TextView com.bluestacks.launcher False False False True False False False False False False NaN 1118 828 1276 876 158 48 1197 852 7584 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852 x:1197 y: 852 t:1 x:1197 y: 852# 46 (node, node, node, node, node, node, node, 1.0, node, 2.0, node, 1, node, 1) 1 com.bluestacks.launcher:id/viewBackground android.view.View com.bluestacks.launcher False False False True False False False False False False NaN 196 784 1404 900 1208 116 800 842 140128 x: 800 y: 842 t:1 x: 800 y: 842 x: 800 y: 842 t:1 x: 800 y: 842 x: 800 y: 842 t:1 x: 800 y: 842 x: 800 y: 842 t:1 x: 800 y: 842 x: 800 y: 842 t:1 x: 800 y: 842 x: 800 y: 842 t:1 x: 800 y: 842 x: 800 y: 842 x: 800 y: 842 t:1 x: 800 y: 842 x: 800 y: 842 t:1 x: 800 y: 842 x: 800 y: 842 t:1 x: 800 y: 842 x: 800 y: 842 t:1 x: 800 y: 842
adb-unicode-keyboard
Send any Unicode character to your Android devicepipinstalladb-unicode-keyboardfromadb_unicode_keyboardimportAdbUnicodeKeyboardfromtimeimportsleepadbkeyboard=AdbUnicodeKeyboard(adb_path="C:\\Users\\Gamer\\AppData\\Local\\Android\\Sdk\\platform-tools\\adb.exe",deviceserial="localhost:5735",exit_keys="ctrl+x")adbkeyboard.connect_to_adb()oldkeyboard=adbkeyboard.get_all_installed_keyboards()[0]adbkeyboard.install_adb_keyboard()# installs "https://github.com/senzhk/ADBKeyBoard/raw/master/ADBKeyboard.apk"adbkeyboard.activate_adb_keyboard()ifadbkeyboard.is_keyboard_shown():adbkeyboard.send_unicode_text('öü')adbkeyboard.send_unicode_text_with_delay('öü',delay_range=(0.05,0.3))sleep(1)adbkeyboard.longpress_66_keycode_enter()# not executed with ADBKeyBoard / all keycodes are available as methodssleep(1)adbkeyboard.press_66_keycode_enter()# not executed with ADBKeyBoard / all keycodes are available as methodsadbkeyboard.disable_adb_keyboard(new_keyboard_name=None)# If no keyboard name is passed, will be reset to defaultadbkeyboard.disable_adb_keyboard(new_keyboard_name=oldkeyboard)#adbkeyboard.uninstall_adb_keyboard()# Chaining is possibleadbkeyboard.connect_to_adb().activate_adb_keyboard().send_unicode_text('böb&oö').disable_adb_keyboard()
adbus
D-Bus Binding for Python utilizing the Python’s asyncio module.LinksDocumentationProject PageIssuesDependenciesPython >= 3.7libsystemd >= 232 (don’t need systemd, just libsystemd which is a separate package)Cython >= 0.25.2Building / InstallingTo build in place for development python ./setup.py build_ext –inplaceThe html documents are stored in gh-pages branch, so that GitHub will serve them as a GitHub Pages. To build them: 1. check out the gh-pages branch into ../python-adbus/html 2. cd into docs 3. sphinx-apidoc -o source/ ../adbus 4. make htmlUnit-TestsNOTE: Some test-cases require the busctl tool from systemd.To run a specific unit-test from the root directory (eg.):python -m unittest tests.test\_sdbus\_method.Test.test\_method\_single\_strTo run a specific unit-test module from the root directory (eg.):python -m unittest tests.test\_sdbus\_methodTo run all unit-tests from the root directory:toxServer ExamplesObject ExampleThis is an example of an object, which can be connected to a service.importadbusimporttypingclassExampleClass(adbus.server.Object):signal1:int=adbus.server.Signal()signal2:typing.List[int]=adbus.server.Signal()property1:str=adbus.server.Property('none',read_only=True,hidden=True)property2:typing.List[int]=adbus.server.Property(['rr','ff'],deprecated=True)def__init__(self,service):super().__init__(service,path='/xxx/yyy',interface='yyy.xxx')@adbus.server.method(name='test',hidden=True)deftest_method(self,r:int,gg:str)->int:returnr+10defdo_something(self):self.signal1.emit(14)Setting Multiple PropertiesIt’s possible to set multiple properties at the same time, this will defer the property update signal, and send one signal for all property changes. It’s good practice to use this when changing multiple properties, it will reduce traffic on the D-Bus.NOTE: Must be running in a loop.Client ExamplesAccessing Remote Interface via a ProxyIt’s possible to map a remote interface to a local instantiated class using a Proxy.If the even loop isn’t running no signals will caught, and properties will notcache (i.e. will read on every access instead of tracking the property changes signals)The proxy opbject must be saved for as long as you want to activily receive signals.If the proxy object is garbage collected it will no longer receive signals and it won’t forward them to a watcher.service=adbus.Service(bus='session')proxy=adbus.client.Proxy(service,'com.example.xxx','/com/example/Service1',interface='com.example.service.unit')asyncdefproxy_examples():awaitproxy.update()# initialize the proxy# == Access Propertiesawaitproxy.remote_propertyX.set(45)print(awaitproxy.remote_propertyY.get())# == orawaitproxy.remote_propertyX(45)print(awaitproxy.remote_propertyY())# == Access Methodsasyncio.ensure_future(proxy.remote_method_foo("some info"))# don't wait for resultx=awaitproxy.remote_method_bar(100,12,-45)# wait for result# == Add a Coroutine to a Signalasyncdeflocal_method(signal_data:int):print(signal_data)proxy.remote_signal.add(local_method)# == orproxy.remote_signal(local_method)# == Remove a Coroutine to a Signalproxy.remote_signal.remove(local_method)# == or (if already added)proxy.remote_signal(local_method)# == Access a method using a different interface nameproxy['com.example.service.serve'].remote_method_800(b"data")# == Create a new proxy from a node in the proxyproxy_new=awaitproxy('Test')# == Loop through all nodes in a proxysum_cnt=0asyncfornodeinproxy:try:sum_cnt+=awaitnode.countexceptAttributeError:pass# == set multiple properties in one message (if linked to an adbus based server)asyncwithproxyasp:p.property1="some data"p.property2=[1,2,3,4,5]loop=asyncio.get_event_loop()loop.run_until_complete(proxy_examples())loop.close()Style GuideFor a consistent style all code is updated using yapf with the following options:yapf –recursive –verbose –in-place –no-local-style–style="{dedent_closing_brackets: True, continuation_indent_width: 8, split_complex_comprehension: True}" <filename>
adbutil
No description available on PyPI.
adbutils
No description available on PyPI.
adb-utils
adb-utils对adb常用接口的二次开发Requirementspython>=3.8项目里用到了base_image因此需要额外安装opencv-pythonInstallationpip3 install adb-utilsTODOminicap集成minitouch集成设备性能数据可视化基于PYQT的设备管理工具函数不打算写,看源码备注就行了
adbutils-wrapper
adbutils wrapper
adbx
adbxA dummy Python package that containsADBbinaries which will be registered in PATH, so you don't have to do yourself.python -m pip install adbx$ adb --version Android Debug Bridge version 1.0.41 Version 33.0.0-8141338Package version equals to ADB version, it is dynamically set before building the wheel.$ python >>> import adbx >>> adbx.__version__ 33.0.0And as this is an actual package like other Python packages, you can update and uninstall it withpip.python -m pip uninstall adbxpython -m pip install adbx --upgradeIf you want to build wheel yourself:python -m pip install -r requirements.txt python ./pack.py win32 windowsFirst argument: Platform tag which will be used inpip wheel, (win32builds wheel named inadbx-33.0.0-py3-none-win32.whl)Second argument: Which platform ADB binaries needs to download for. (windowsdownloadsplatform-tools-latest-windows.zip)Code is licensed with CC0 1.0. However, this doesn't apply for ADB binaries which licensed with Apache License 2.0.
adc
# Astronomy Data Commons Genesis Client LibrariesLibraries making it easy to access astronomy data commons resources.## Developer notes### Tag, build, and upload to PyPI and Conda` git tag-s-av0.x.x `` python setup.py sdist bdist_wheel twine upload dist/* `` conda build-cdefaults-cconda-forgerecipe anaconda upload--userscimma/Users/mjuric/anaconda3/conda-bld/noarch/adc-0.0.2-py_0.tar.bz2`
adc64format
This is a script and library to help interfact with the ADC64 format.To install:pip install adc64formatTo dump the contents of a single ADC64 file to an HDF5 format:adc64_to_hdf5.py <input ADC64 file>.data <output HDF5 file>.h5To use interactively or within another python codebase:from adc64format import dtypes, skip_chunks, parse_chunk, ADC64Reader # Option 1: Parse a single event from an ordinary file object with open('<ADC64 file>.data', 'rb') as f: # Load the first event chunk = parse_chunk(f) # Look at chunk data (as numpy arrays) for key in dtypes: print(chunk[key]) # Skip N events n = 100 skip_chunks(f, n) chunk = parse_chunk(f) # Option 2: Parse events from multiple files and align by timestamp with ADC64Reader('<ADC 64 file from ADC 0>.data', '<ADC 64 file from ADC 1>.data', ...) as reader: batch_size = 10 # how many events to load on each iteration events = reader.next(batch_size) # get matched events between multiple files events_file0, events_file1, ... = events # Look at data for key in dtypes: print(events_file0[key])
adc78h89
A Python driver for Texas Instruments ADC78H89 7-Channel, 500 KSPS, 12-Bit A/D Converter
adcami
Citrix ADC AWS AMI finderThis python package is used to find the latest AWS AMI for Citrix ADC productsUsageadcami-rREGION-pADC_PRODUCT_NAME-vADC_PRODUCT_VERSIONwhere (checkallowed values)-r | --region: AWS Region from which AMI is availableOPTIONAL: If not given, the region in the default AWS-CLI config is taken-p | --product: Citrix Product Name(default:Citrix ADC VPX - Customer Licensed)-v | --version: Citrix Product Version(default:13.0)Pre-requisitepip install adcamiAWSCLIAWSCLI ConfigurationAllowed ValuesAllowed Values for-r(enclose it in quotes)Citrix ADC VPX - Customer LicensedCitrix ADC VPX Express - 20 MbpsCitrix ADC VPX Standard Edition - 10 MbpsCitrix ADC VPX Standard Edition - 200 MbpsCitrix ADC VPX Standard Edition - 1000 MbpsCitrix ADC VPX Standard Edition - 3GbpsCitrix ADC VPX Standard Edition - 5GbpsCitrix ADC VPX Premium Edition - 10 MbpsCitrix ADC VPX Premium Edition - 200 MbpsCitrix ADC VPX Premium Edition - 1000 MbpsCitrix ADC VPX Premium Edition - 3GbpsCitrix ADC VPX Premium Edition - 5GbpsCitrix ADC VPX Advanced Edition - 10 MbpsCitrix ADC VPX Advanced Edition - 200 MbpsCitrix ADC VPX Advanced Edition - 1000 MbpsCitrix ADC VPX Advanced Edition - 3GbpsCitrix ADC VPX Advanced Edition - 5GbpsAllowed Values for-p(enclose it in quotes)13.0
adcat
adcat is Algorithm and DataStructure toolbox write in python
adcc
adcc: Seamlessly connect your program to ADCDocumentationBuild StatusInstallationadcc (ADC-connect) is a Python-based framework for calculating molecular spectra and electronically excited states with the algebraic-diagrammatic construction (ADC) approach.Arbitrary host programs may be used to supply a self-consistent field (SCF) reference to start off the ADC calculation. Currently adcc comes with ready-to-use interfaces to four programs: PySCF, Psi4, VeloxChem and molsturm. Adding other SCF codes or starting a calculation from statically computed data can be easily achieved.Try adcc in your browser athttps://try.adc-connect.orgor take a look at theadcc documentationfor more details and installation instructions.CitationPaper:Code:If you use adcc, please citeour paper in WIREs Computational Molecular Science. A preprint can be foundon HALoron arXiv.
adcc-backup
Copyright (c) <year> <copyright holders>Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the “Software”), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions:The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software.THE SOFTWARE IS PROVIDED “AS IS”, WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.Description: # adcc_backupPython package to manage the upload of bags to a remote serverPlatform: UNKNOWN Requires-Python: >=3.7
adccfactory
No description available on PyPI.
adc-dku-utils
No description available on PyPI.
adce
OverviewTheadpackage allows you toeasilyandtransparentlyperformfirst and second-order automatic differentiation. Advanced math involving trigonometric, logarithmic, hyperbolic, etc. functions can also be evaluated directly using theadmathsub-module.All base numeric types are supported(int,float,complex, etc.). This package is designed so that the underlying numeric types will interact with each otheras they normally dowhen performing any calculations. Thus, this package acts more like a “wrapper” that simply helps keep track of derivatives whilemaintaining the original functionalityof the numeric calculations.From the Wikipedia entry onAutomatic differentiation(AD):“AD exploits the fact that every computer program, no matter how complicated, executes a sequence of elementary arithmetic operations (addition, subtraction, multiplication, division, etc.) and elementary functions (exp, log, sin, cos, etc.). By applying the chain rule repeatedly to these operations, derivatives of arbitrary order can be computed automatically, and accurate to working precision.”See thepackage documentationfor details and examples.Main FeaturesTransparent calculations with derivatives: no or little modification of existing codeis needed, including when using theNumpymodule.Almost all mathematical operationsare supported, including functions from the standardmathmodule (sin, cos, exp, erf, etc.) andcmathmodule (phase, polar, etc.) with additional convenience trigonometric, hyperbolic, and logarithmic functions (csc, acoth, ln, etc.). Comparison operators follow thesame rules as the underlying numeric types.Real and complexarithmetic handled seamlessly. Treat objects as you normally would using themathandcmathfunctions, but with their newadmathcounterparts.Automatic gradient and hessian function generatorfor optimization studies usingscipy.optimizeroutines withgh(your_func_here).Compatible Linear Algebra Routinesin thead.linalgsubmodule, similar to those found in NumPy’slinalgsubmodule, that are not dependent on LAPACK. There are currently:Decompositionschol: Cholesky Decompositionlu: LU Decompositionqr: QR DecompositionSolving equations and inverting matricessolve: General solver for linear systems of equationslstsq: Least-squares solver for linear systems of equationsinv: Solve for the (multiplicative) inverse of a matrixInstallationYou have several easy, convenient options to install theadpackage (administrative privileges may be required):Download the package files below, unzip to any directory, and runpython setup.py installfrom the command-line.Simply copy the unzippedad-XYZdirectory to any other location that python can find it and rename itad.Ifsetuptoolsis installed, runeasy_install--upgradeadfrom the command-line.Ifpipis installed, runpip install--upgradeadfrom the command-line.Download thebleeding-edgeversion onGitHubContactPlease sendfeature requests, bug reports, or feedbacktoAbraham Lee.AcknowledgementsThe author expresses his thanks to :Eric O. LEBIGOT (EOL), author of theuncertaintiespackage, for providing code insight and inspirationStephen Marks, professor at Pomona College, for useful feedback concerning the interface with optimization routines inscipy.optimize.Wendell Smith, for updating testing functionality and numerous other useful function updatesJonathan Terhorst, for catching a bug that made derivatives of logarithmic functions (base != e) give the wrong answers.GitHub userfhgdfor catching a mis-calculation inadmath.atan2
a-dcf
No description available on PyPI.
adcircpy
ADCIRCPyPython library for automating ADCIRC model runs.Documentation can be found athttps://adcircpy.readthedocs.ioOrganization / ResponsibilityADCIRCpy is currently maintained by theCoastal Marine Modeling Branch (CMMB)of the Office of Coast Survey (OCS), a part of theNational Oceanic and Atmospheric Administration (NOAA), an agency of the United States federal government. It was majorly developed [email protected] Burnett (lead) [email protected] Calzada [email protected] use a virtual environment with Python>=3.6. You may use conda or the OS's Python to provide a virtual environment for the application.You may install the application though pip. This will install the latest tagged version.pipinstalladcircpyAlternatively, you many manually install the repo by cloning it and then runningpipinstall.UsageCommand Line Interface (CLI)This program exposes a few commands available from the command line interface. You may pass the-hflag to any of this commands to explore their functionality.tide_genplot_meshtidal_runbest_track_runbest_track_fileplot_maxeleplot_fort61fort63examplesgenerate tidal constituent templateYou can quickly create a tidal component table for your your mesh by executing thetide_gencommand and by passing a mesh, a start date and number of run days as arguments. This functions sources data from theHAMTIDEdatabase by default.tide_gen\/path/to/your/fort.14\2021-02-26T00:00:00\15\--mesh-crs='epsg:4326'run best-track run for Hurricane Sandy (AL182012)To create the ADCIRC input files includes both tides and storm data for Hurricane Sandy:best_track_run\/path/to/your/fort.14\Sandy2012\--fort13=/path/to/your/fort.13\--crs=EPSG:4326\--output-directory=/path/where/you/want/the/files\--constituents=all\--spinup-days=15.0\--elev=30.\--mete=30.\--velo=30.\--skip-runNote that the --crs flag is required due to the fort.14 not containing Coordinate Reference System information which is required for correct operation.EPSG:4326means that the mesh is in WGS84 ( lat/lon). Note that the backlash represents "continue on next line" for the shell. You may write the command above on a single line after excluding the backslashes.plot resultsThese are two examples for doing quick plots with the package. These are given here as illustrative examples only. There is support for more file types than this examples, but the program does not yet support every output input/output file type. As a user, you are encouraged to explore what's available and suggest and contribute your improvements.plot_fort61/path/to/fort.61.ncMSL--show--coops-onlyplot_mesh/path/to/fort.14--show-elementsPython APISee theexamplesdirectory for usage examples.example_1.pyThe following code builds a simple ADCIRC run configuration by doing the following:reads afort.14mesh file (specifically a test mesh for Shinnecock Inlet)adds tidal forcing to the meshcreates anAdcircRundriver object with the mesh, including start and end datesoverrides default model options in the resultingfort.15runs ADCIRC if present, otherwise writes configuration to diskfromdatetimeimportdatetime,timedeltafrompathlibimportPathimportshutilfromadcircpyimportAdcircMesh,AdcircRun,Tidesfromadcircpy.utilitiesimportdownload_mesh,get_loggerLOGGER=get_logger(__name__)DATA_DIRECTORY=Path(__file__).parent.absolute()/'data'INPUT_DIRECTORY=DATA_DIRECTORY/'input'/'shinnecock'OUTPUT_DIRECTORY=DATA_DIRECTORY/'output'/'example_1'MESH_DIRECTORY=INPUT_DIRECTORY/'shinnecock'download_mesh(url='https://www.dropbox.com/s/1wk91r67cacf132/NetCDF_shinnecock_inlet.tar.bz2?dl=1',directory=MESH_DIRECTORY,known_hash='99d764541983bfee60d4176af48ed803d427dea61243fa22d3f4003ebcec98f4',)# open mesh filemesh=AdcircMesh.open(MESH_DIRECTORY/'fort.14',crs=4326)# initialize tidal forcing and constituentstidal_forcing=Tides()tidal_forcing.use_constituent('M2')tidal_forcing.use_constituent('N2')tidal_forcing.use_constituent('S2')tidal_forcing.use_constituent('K1')tidal_forcing.use_constituent('O1')mesh.add_forcing(tidal_forcing)# set simulation datesduration=timedelta(days=5)start_date=datetime(2015,12,14)end_date=start_date+duration# instantiate driver objectdriver=AdcircRun(mesh,start_date,end_date)# request outputsdriver.set_elevation_surface_output(sampling_rate=timedelta(minutes=30))driver.set_velocity_surface_output(sampling_rate=timedelta(minutes=30))# override default options so the resulting `fort.15` matches the original Shinnecock test case optionsdriver.timestep=6.0driver.DRAMP=2.0driver.TOUTGE=3.8driver.TOUTGV=3.8driver.smagorinsky=Falsedriver.horizontal_mixing_coefficient=5.0driver.gwce_solution_scheme='semi-implicit-legacy'ifshutil.which('padcirc')isnotNone:driver.run(OUTPUT_DIRECTORY,overwrite=True)elifshutil.which('adcirc')isnotNone:driver.run(OUTPUT_DIRECTORY,overwrite=True,nproc=1)else:LOGGER.warning('ADCIRC binaries were not found in PATH. ''ADCIRC will not run. Writing files to disk...')driver.write(OUTPUT_DIRECTORY,overwrite=True)example_2.pyThe following code is similar toexample_1.py, above, except it adds a static Manning's N coefficient to the mesh.fromdatetimeimportdatetime,timedeltafrompathlibimportPathimportshutilimportnumpyfromadcircpyimportAdcircMesh,AdcircRun,Tidesfromadcircpy.utilitiesimportdownload_mesh,get_loggerLOGGER=get_logger(__name__)DATA_DIRECTORY=Path(__file__).parent.absolute()/'data'INPUT_DIRECTORY=DATA_DIRECTORY/'input'OUTPUT_DIRECTORY=DATA_DIRECTORY/'output'/'example_2'MESH_DIRECTORY=INPUT_DIRECTORY/'shinnecock'download_mesh(url='https://www.dropbox.com/s/1wk91r67cacf132/NetCDF_shinnecock_inlet.tar.bz2?dl=1',directory=MESH_DIRECTORY,known_hash='99d764541983bfee60d4176af48ed803d427dea61243fa22d3f4003ebcec98f4',)# open mesh filemesh=AdcircMesh.open(MESH_DIRECTORY/'fort.14',crs=4326)# generate tau0 factormesh.generate_tau0()# also add Manning's N to the domain (constant for this example)mesh.mannings_n_at_sea_floor=numpy.full(mesh.values.shape,0.025)# initialize tidal forcing and constituentstidal_forcing=Tides()tidal_forcing.use_constituent('M2')tidal_forcing.use_constituent('N2')tidal_forcing.use_constituent('S2')tidal_forcing.use_constituent('K1')tidal_forcing.use_constituent('O1')mesh.add_forcing(tidal_forcing)# set simulation datesspinup_time=timedelta(days=2)duration=timedelta(days=3)start_date=datetime(2015,12,14)+spinup_timeend_date=start_date+duration# instantiate driver objectdriver=AdcircRun(mesh,start_date,end_date,spinup_time)# request outputsdriver.set_elevation_surface_output(sampling_rate=timedelta(minutes=30))driver.set_velocity_surface_output(sampling_rate=timedelta(minutes=30))# override default optionsdriver.timestep=4.0ifshutil.which('padcirc')isnotNone:driver.run(OUTPUT_DIRECTORY,overwrite=True)elifshutil.which('adcirc')isnotNone:driver.run(OUTPUT_DIRECTORY,overwrite=True,nproc=1)else:LOGGER.warning('ADCIRC binaries were not found in PATH. ''ADCIRC will not run. Writing files to disk...')driver.write(OUTPUT_DIRECTORY,overwrite=True)example_3.pyThe following code is similar toexample_1.py, above, except it adds HURDAT BestTrack wind forcing and also builds a Slurm job script for submission to a job manager.fromdatetimeimportdatetime,timedeltafrompathlibimportPathfromadcircpyimportAdcircMesh,AdcircRun,Tidesfromadcircpy.forcing.windsimportBestTrackForcingfromadcircpy.serverimportSlurmConfigfromadcircpy.utilitiesimportdownload_meshDATA_DIRECTORY=Path(__file__).parent.absolute()/'data'INPUT_DIRECTORY=DATA_DIRECTORY/'input'OUTPUT_DIRECTORY=DATA_DIRECTORY/'output'/'example_3'MESH_DIRECTORY=INPUT_DIRECTORY/'shinnecock'download_mesh(url='https://www.dropbox.com/s/1wk91r67cacf132/NetCDF_shinnecock_inlet.tar.bz2?dl=1',directory=MESH_DIRECTORY,known_hash='99d764541983bfee60d4176af48ed803d427dea61243fa22d3f4003ebcec98f4',)# open mesh filemesh=AdcircMesh.open(MESH_DIRECTORY/'fort.14',crs=4326)# initialize tidal forcing and constituentstidal_forcing=Tides()tidal_forcing.use_all()mesh.add_forcing(tidal_forcing)# initialize wind forcingwind_forcing=BestTrackForcing('Sandy2012')mesh.add_forcing(wind_forcing)# initialize Slurm configurationslurm=SlurmConfig(account='account',ntasks=1000,run_name='adcircpy/examples/example_3.py',partition='partition',walltime=timedelta(hours=8),mail_type='all',mail_user='[email protected]',log_filename='example_3.log',modules=['intel/2020','impi/2020','netcdf/4.7.2-parallel'],path_prefix='$HOME/adcirc/build',)# set simulation datesspinup_time=timedelta(days=15)duration=timedelta(days=3)start_date=datetime(2012,10,21,18)end_date=start_date+duration# instantiate driver objectdriver=AdcircRun(mesh,start_date,end_date,spinup_time,server_config=slurm)# write driver state to diskdriver.write(OUTPUT_DIRECTORY,overwrite=True)example_4.pyThe following code is similar toexample_3.py, above, except it uses ATMESH wind forcing and WW3DATA wave forcing.fromdatetimeimportdatetime,timedeltafrompathlibimportPathfromadcircpyimportAdcircMesh,AdcircRun,Tidesfromadcircpy.forcing.waves.ww3importWaveWatch3DataForcingfromadcircpy.forcing.winds.atmeshimportAtmosphericMeshForcingfromadcircpy.serverimportSlurmConfigfromadcircpy.utilitiesimportdownload_meshDATA_DIRECTORY=Path(__file__).parent.absolute()/'data'INPUT_DIRECTORY=DATA_DIRECTORY/'input'OUTPUT_DIRECTORY=DATA_DIRECTORY/'output'/'example_4'MESH_DIRECTORY=INPUT_DIRECTORY/'shinnecock'download_mesh(url='https://www.dropbox.com/s/1wk91r67cacf132/NetCDF_shinnecock_inlet.tar.bz2?dl=1',directory=MESH_DIRECTORY,known_hash='99d764541983bfee60d4176af48ed803d427dea61243fa22d3f4003ebcec98f4',)# open mesh filemesh=AdcircMesh.open(MESH_DIRECTORY/'fort.14',crs=4326)# initialize tidal forcing and constituentstidal_forcing=Tides()tidal_forcing.use_all()mesh.add_forcing(tidal_forcing)# initialize atmospheric mesh forcings (for NUOPC coupling)wind_forcing=AtmosphericMeshForcing(filename='Wind_HWRF_SANDY_Nov2018_ExtendedSmoothT.nc',nws=17,interval_seconds=3600,)mesh.add_forcing(wind_forcing)# initialize wave mesh forcings (for NUOPC coupling)wave_forcing=WaveWatch3DataForcing(filename='ww3.HWRF.NOV2018.2012_sxy.nc',nrs=5,interval_seconds=3600,)mesh.add_forcing(wave_forcing)# initialize Slurm configurationslurm=SlurmConfig(account='account',ntasks=1000,run_name='adcircpy/examples/example_4.py',partition='partition',walltime=timedelta(hours=8),mail_type='all',mail_user='[email protected]',log_filename='example_4.log',modules=['intel/2020','impi/2020','netcdf/4.7.2-parallel'],path_prefix='$HOME/adcirc/build',)# instantiate driver objectdriver=AdcircRun(mesh=mesh,start_date=datetime.now(),end_date=timedelta(days=7),spinup_time=timedelta(days=5),server_config=slurm,)# write driver state to diskdriver.write(OUTPUT_DIRECTORY,overwrite=True)CitationCalzada, J., Burnett, Z., Moghimi, S., Myers, E., & Pe’eri, S. (2021). ADCIRCpy: A Python API to generate ADCIRC model input files (Technical Memorandum No. 41; NOAA NOS OCS). National Oceanic and Atmospheric Administation.@techreport{calzadaADCIRCpyPythonAPI2021,type={Technical {{Memorandum}}},title={{{ADCIRCpy}}: A {{Python API}} to Generate {{ADCIRC}} Model Input Files},author={Calzada, Jaime and Burnett, Zachary and Moghimi, Saeed and Myers, Edward and Pe'eri, Shachak},year={2021},month=dec,number={41},institution={{National Oceanic and Atmospheric Administation}},abstract={The Advanced Circulation Model (ADCIRC) is a Fortran program used for modeling ocean circulation due to tides, surface waves and atmospheric forcings. However, the input formats and configuration are inflexible and not straight forward for operational implementation, making rapid iteration of model testing, ensemble configuration, and model coupling complicated. Here, we introduce a flexible abstraction of model inputs and outputs written in Python, called ADCIRCpy, that provides a simpler user interface for automatically generating ADCIRC configuration to a variety of inputs and model scenarios. This documentation outlines 1. the needs for such an abstraction, 2. the peculiarities and challenges with the ADCIRC model that necessitate custom logic, and 3. methodologies for generalizing user input in such a way as to make generating model configurations consistent, fast, and efficient.}}AcknowledgementsThe majority of ADCIRCpy was written by Jaime Calzada@jreniel.
adcircpy2
No description available on PyPI.
adcirc-rom
# ADCIRC ROM ADCIRC ROM (Reduced-Order-Modeling) is suite of tools for developing surrogate machine learning models of storm surge. The tools can be used both in an HPC and a single-threaded environment.## Designsafe QuickstartStart a Jupyter lab session.2. Use Jupyter lab to launch a terminal, and in the terminal run the following:` pip install netCDF4 sklearnglobal-land-maskxgboost geopandas scipy h5py fire git clonehttps://github.com/UT-CHG/adcirc-rom.gitcdadcirc-rompython3 dataset.py setup `This will create adatafolder with the subdirectoriesdatasets,stormsandmodels. These subdirectories are needed for the model development workflow. Thedatasetsdirectory is used for storing machine-learning ready datasets. Thestormsdirectory will contain the raw ADCIRC input (note when run within the DesignSafe environment this directory will be prepopulated with a dataset of 446 synthetic ADCIRC simulations). Finally, themodelsdataset is used for storing saved ML models and predictions.3. To generate a dataset, run the command` python3 dataset.py create default `This will create a dataset named ‘default’ in the directorydata/datasets. This dataset can be used to train machine learning models. Thedataset.pyscript takes a number of options that control the size and scope of the generated dataset, as well as the included features.Note: with the default settings, dataset creation in the Designsafe environment will take a few hours due to the lack of MPI support and the size of the data to be processed. The dataset generation script supports parallization with MPI - and is significantly faster when run on HPC resources such as TACC.4. To train and save a new model named ‘xgb_base’, using the dataset named default, run the command` python3 model.py train xgb_base--dataset=default`This will create a new model named ‘xgb_base’. During, training, a portion of the dataset is set aside for testing purposes - predictions are generated for the test dataset and saved alongside the model binary. Additional model training parameters can be passed to the script.To perform cross-validation, run the command` python3 model.py cv--dataset=default`This will also print out feature importances. Note that all model training parameters that are supported by thetrainare supported by thecvcommand as well. This allows for testing out of parameters before training a model.Finally, to generate predictions on a new dataset using a saved model, run` python3 model.py predict [modelname]--dataset=[datasetname]`All predictions can be accessed in the folderdata/datasets/[modelname].Please reach out with any questions or bug reports to Benjamin Pachev <[email protected]>.
ad-ci-tools
No description available on PyPI.
adclean
StatusCompatibilitiesContactadcleanInstallationUsage
adcloud-api-py
UNKNOWN
adcm-client
No description available on PyPI.
adcm-pytest-plugin
No description available on PyPI.
adcm-pytest-plugintest
Failed to fetch description. HTTP Status Code: 404