揪包養價格聰明教室—基于人臉臉色辨認的測試防作弊體系

需求源碼的伴侶請私信我!!!!

聰明教室—基于人臉臉色辨認的測試防作弊體系

講堂專注度及測試作弊體系、講堂靜態點名,情感辨認、臉色辨認和人臉辨認聯合

講堂專注度剖析

講堂專注度+臉色辨認
在這里插入圖片描述

作弊檢測

要害點盤算方式

回頭(probe)+垂頭(peep)+傳遞物品(passing)
在這里插入圖片描述
正面的傳遞物品辨認
在這里插入圖片描述

邏輯回回要害點

在這里插入圖片描述

下載權重

1、Halpe dataset (136 keypoints)

放到detection_system/chec包養kpoints

2、Human-ReID based tracking (Recommended)
Currently the best performance tracking model. Paper coming soon.

Getting started
Download human reid model and place it into AlphaPose/trackers/weights/.

Then simply run alphapose with additional flag –pose_track

You can try包養 different person reid model by modifing cfg.arch and cfg.loadmodel in ./trackers/tracker_cfg.py.

If you want to train your own reid model, please refer to this project
3. Yolo Detector
Download the object detection model manually: yolov3-spp.weights(Google Drive | Baidu pan). Place it into detector/yolo/data.

4. face boxes 預練習權重
google drive

放到face_recog/weights文件夾下
5. 其他
人臉辨認:dlib_face_recognition_resnet_model_v1.dat

detection_system/face_recog/weights
人臉對齊:shape_predictor_68_face_landmarks.datdetection_system/face_recog/weights
作弊舉措分類器:cheating_detector_rfc_kp.pkldetection_system包養/weights

應用

運轉setup.py裝置需要內在的事務

python setup.py build develop

運轉demo_inference.py
將detection_system設置為source root
在這里插入圖片描述
應用攝像頭運轉法式

python demo_inference.p包養y --vis --webcam 0

部門源碼

import osimport platformimport subprocessimport timeimport numpy as npfrom Cython.Build import cythonizefrom setuptools import Extension, find_packages, setupfrom torch.utils.cpp_extension import BuildExtension, CUDAExtensionMAJOR = 0MINOR = 3PATCH = 0SUFFIX = ''SHORT_VERSION = '{}.{}.{}{}'.format(MAJOR, MINOR, PATCH, SUFFIX)version_file = 'alphapose/version.py'def readme():    with open('README.md') as f:        content = f.read()    return c包養網ontentdef get_git_hash():    def _minimal_ext_cmd(cmd):        # construct minimal environment        env = {}        for k in ['SYSTEMROOT', 'PATH', 'HOME']:            v = os.environ.get(k)            if v is not None:                env[k] = v        # LANGUAGE is used on win32        env['LANGUAGE'] = 'C'        env['LANG'] = 'C'        env['LC_ALL'] = 'C'        out = subprocess.Popen(            cmd, stdout=subprocess.PIPE, env=env).communicate()[0]        return out    try:     包養網"   out = _minimal_ext_cmd(['git', 'rev-parse', 'HEAD'])        sha = out.strip().decode('ascii')    except OSError:        sha = 'unknown'    return shadef get_hash():    if os.path.exists('.git'):        sha = get_git_hash()[:7]    elif os.path.exists(version_file):        try:            from alphapose.version import __version__            sha = __version__.split('+')[-1]        except ImportError:            raise ImportError('Unable to get git version')    else:        sha = 'unknown'    return shadef write_version_py():    content = """# GENERATED VERSION FILE# TIME: {}__version__ = '{}'short_version = '{}'"""    sha = get_hash()    VERSION = SHORT_VERSION + '+' + sha    with open(version_file, 'w') as f:        f.write(content.format(time.asctime(), VERSION, SHORT_VERSION))def get_version():    with open(version_file, 'r') as f:        exec(compile(f.read(), version_file, 'exec'))    return locals()['__version__']def make_cython_ext(name, module, sources):    extra_compile_args = None    if platform.system() != 'Windows':        extra_compile_args = {            'cxx': ['-Wno-unused-function', '-Wno-write-strings']        }    extension = Extension(        '{}.{}'.format(module, name),        [os.path.join(*module.split('.'), p) for p in sources],        include_dirs=[np.get_include()],        language='c++',        ext彩修的聲音一出,花壇後面的兩個人都被嚇得啞口無言。說:“對不起,我的僕人再也不敢了,請原諒我,對不起。”ra_compile_args=extra_compile_args)    extension, = cythonize(extension)    return extensiondef make_cuda_ext(name, module, sources):    return CUDAExtension(        name='{}.{}'.format(module, name),        sources=[os.path.join(*module.split('.'), p) for p in sources],        extra_compile_args={            'cxx': [],            'nvcc': [                '-D__CUDA_NO_HALF_OPERATORS__',                '-D__CUDA_NO_HALF_CONVERSI“什麼事讓你心煩意亂,連價值一千元的洞房都無法轉移你的注意力?”她用一種完全諷刺的語氣問道。ONS__',                '-D__CUDA_NO_HALF2_OPERATORS__',            ]        })def get_ext_modules():    ext_modules = []    # only windows visual studio 2013+ support compile c/c包養網uda extensions    # If you force to compile extension on Windows and ensure appro包養priate visual studio    # is intalled, you can try to use these ext_modules.    force_compile = False    if platform.system() != 'Windows' or force_compile:        ext_modules = [            make_cython_ext(                name='soft_nms_包養cpu',                module='detector.nms',                sources=['src/soft_nms_cpu.pyx']),            make_cuda_ext(                name='nms_cpu',                module='detector.nms',                sources=['src/nms_cpu.cpp']),            make_cuda_ext(                name='nms_cuda',                module='detector.nms',                sources=['src/nms_cuda.cpp', 'src/nms_kernel.cu']),            make_cuda_ext(             包養   name='roi_align_cuda',                module='alphapose.utils.roi_align',                sources=['src/ro包養i_align_cuda.cpp', 'src/roi_align_kernel.cu']),            make_cuda_ext(                name='deform_conv_cuda',                module='alphapose.models.layers.dcn',                sources=[                    'src/deform_conv_cuda.cpp',                    'src/deform_conv_cuda_kernel.cu'                ]),            make_cuda_ext(                name='deform_pool_cuda',                module='alphapose.models.layers.dcn'蔡修盡量露出正常的笑容,但還是讓藍玉華看到她說完之後,瞬間僵硬的反應。,                sources=[                    'src/deform_pool_cuda.cpp',                    'src/deform_pool_cuda_kernel.cu'                ]),        ]    return ext_modulesdef ge包養網t_install_requires():    install_requires = [        'six', 'terminaltables', 'scipy==1.1.0',        'opencv-python', 'matplotlib', 'visdom',        'tqdm', 'tensorboardx', 'easydict',        'pyyaml',        'torch>=1.1.0', 'torchvision>=0.3.0',        'munkres', 'timm==0.1.20', 'natsort'    ]    # official pycocotools doesn't support Windows, we will ins包養tall it by third-party git repository later    if platform.system() != 'Windows':        install_requires.append('pycocotools==2.0.0')  包養網  return install_r包養網equiresdef is_installed(package_name):    from pip._internal.utils.m回答。 “奴婢對蔡歡家了解的比較多,但我只聽說過張家。”isc import get_installed_distributions    for p in get_installed_distributions():        if package_name in p.egg_name():            return 包養網True    return Falseif __name__ == '__main__':    write_version_py()    setup(        name='alphapose',        version=get_version(我,甚至不知道彩秀什麼時候離開的。),        description='Code for AlphaPose',        long_description=readme(),        keywords='computer vision, human pose estimation',        url='https://github.com/MVIG-SJTU/AlphaPose',包養網        packages=find_packages(exclude=('data', 'exp',)),        package_data={'': ['*.json', '*.txt']},        classifiers=[            'Development Status :: 4 - Beta',            'License :: OSI Approved :: Apache Softwar包養網e License',            'Operating System :: OS Independent',            'Programming Language :: Python :: 2',            'Programming Language :: Python :: 2.7',            'Programming Language :: Python :: 3',            'Programming Language :: Python :: 3.4',            'Programming Language :: Python :: 3.5',            'Programming Language :: Python ::包養 3.6',        ],        license='GPLv3',        python_requires=">=3",        setup_requires=['pytest-runner', 'numpy', 'cython'],        tests_require=['pytest'],        install_requires=get_install_requires(),        ext_modules=get_ext_modules包養網(),        cmdclass={'build_ext': BuildExtension},        zip_safe=False)    # Windows need pycocotools here: https://github.com/philferriere/cocoapi#subdirectory=PythonAPI    if platform.system() == 'Windows' and not is_installed('pycocotools'):        print("nInstall third-party pycocotools for Windows...")        cmd = 'python -m pip install git+https://github.com/philferriere/cocoapi.git#subdirectory=PythonAPI'        os.system(cmd)    if not is_installed('cython_bbox'):        print("nInstall `cython_bbox`...")        cmd = 'python -m pip install gi包養網t+https://github.com/yanfengliu/cython_bbox.git'包養網        os.system(cmd)

博客主頁:https://blog.csdn.net/weixin_51141489,需求源碼或相干材料什物的友友請追蹤關心、點贊,私信吧!